diff --git a/README.md b/README.md index 95bc2bc..13aeef2 100755 --- a/README.md +++ b/README.md @@ -145,12 +145,11 @@ Above we showed the Python API, while this CLI script demonstrates the same conc The following scripts use Ollama `qwen3:8b` by default, so you need `ollama pull qwen3:8b` first. For other models: `--llm openai --model gpt-4o` (requires `OPENAI_API_KEY` environment variable) or `--llm hf --model Qwen/Qwen3-4B`. ```bash -# Drop your PDFs, .txt, .md files into examples/data/ -uv run ./examples/main_cli_example.py +# Drop your PDFs, .txt, .md files into apps/documents/data/ +python -m apps.documents -# Or use python directly -source .venv/bin/activate -python ./examples/main_cli_example.py +# Or with uv +uv run python -m apps.documents ``` @@ -159,7 +158,7 @@ python ./examples/main_cli_example.py ### Search Your Entire Life ```bash -python examples/mail_reader_leann.py +python -m apps.email # "What's the number of class recommend to take per semester for incoming EECS students?" ``` **90K emails → 14MB.** Finally, search your email like you search Google. @@ -169,19 +168,19 @@ python examples/mail_reader_leann.py ```bash # Use default mail path (works for most macOS setups) -python examples/mail_reader_leann.py +python -m apps.email # Run with custom index directory -python examples/mail_reader_leann.py --index-dir "./my_mail_index" +python -m apps.email --index-dir "./my_mail_index" # Process all emails (may take time but indexes everything) -python examples/mail_reader_leann.py --max-emails -1 +python -m apps.email --max-emails -1 # Limit number of emails processed (useful for testing) -python examples/mail_reader_leann.py --max-emails 1000 +python -m apps.email --max-emails 1000 # Run a single query -python examples/mail_reader_leann.py --query "What did my boss say about deadlines?" +python -m apps.email --query "What did my boss say about deadlines?" ``` @@ -197,7 +196,7 @@ Once the index is built, you can ask questions like: ### Time Machine for the Web ```bash -python examples/google_history_reader_leann.py +python -m apps.browser # "Tell me my browser history about machine learning system stuff?" ``` **38K browser entries → 6MB.** Your browser history becomes your personal search engine. @@ -207,16 +206,16 @@ python examples/google_history_reader_leann.py ```bash # Use default Chrome profile (auto-finds all profiles) -python examples/google_history_reader_leann.py +python -m apps.browser # Run with custom index directory -python examples/google_history_reader_leann.py --index-dir "./my_chrome_index" +python -m apps.browser --index-dir "./my_chrome_index" # Limit number of history entries processed (useful for testing) -python examples/google_history_reader_leann.py --max-entries 500 +python -m apps.browser --max-entries 500 # Run a single query -python examples/google_history_reader_leann.py --query "What websites did I visit about machine learning?" +python -m apps.browser --query "What websites did I visit about machine learning?" ``` @@ -252,7 +251,7 @@ Once the index is built, you can ask questions like: ### WeChat Detective ```bash -python examples/wechat_history_reader_leann.py +python -m apps.wechat # "Show me all group chats about weekend plans" ``` **400K messages → 64MB.** Search years of chat history in any language. @@ -274,19 +273,19 @@ sudo packages/wechat-exporter/wechattweak-cli install ```bash # Use default settings (recommended for first run) -python examples/wechat_history_reader_leann.py +python -m apps.wechat # Run with custom export directory and wehn we run the first time, LEANN will export all chat history automatically for you -python examples/wechat_history_reader_leann.py --export-dir "./my_wechat_exports" +python -m apps.wechat --export-dir "./my_wechat_exports" # Run with custom index directory -python examples/wechat_history_reader_leann.py --index-dir "./my_wechat_index" +python -m apps.wechat --index-dir "./my_wechat_index" # Limit number of chat entries processed (useful for testing) -python examples/wechat_history_reader_leann.py --max-entries 1000 +python -m apps.wechat --max-entries 1000 # Run a single query -python examples/wechat_history_reader_leann.py --query "Show me conversations about travel plans" +python -m apps.wechat --query "Show me conversations about travel plans" ``` @@ -388,7 +387,7 @@ Options: Run the comparison yourself: ```bash -python examples/compare_faiss_vs_leann.py +python -m apps.benchmarks ``` | System | Storage | @@ -430,8 +429,8 @@ Same dataset, same hardware, same embedding model. LEANN just works better. ```bash uv pip install -e ".[dev]" # Install dev dependencies -python examples/run_evaluation.py data/indices/dpr/dpr_diskann # DPR dataset -python examples/run_evaluation.py data/indices/rpj_wiki/rpj_wiki.index # Wikipedia +python -m apps.evaluation data/indices/dpr/dpr_diskann # DPR dataset +python -m apps.evaluation data/indices/rpj_wiki/rpj_wiki.index # Wikipedia ``` The evaluation script downloads data automatically on first run. The last three results were tested with partial personal data, and you can reproduce them with your own data! diff --git a/apps/__init__.py b/apps/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/apps/benchmarks/__init__.py b/apps/benchmarks/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/apps/benchmarks/__main__.py b/apps/benchmarks/__main__.py new file mode 100644 index 0000000..f901255 --- /dev/null +++ b/apps/benchmarks/__main__.py @@ -0,0 +1,338 @@ +#!/usr/bin/env python3 +""" +Memory comparison between Faiss HNSW and LEANN HNSW backend +""" + +import logging +import os +import sys +import time +import psutil +import gc +import subprocess +from pathlib import Path +from llama_index.core.node_parser import SentenceSplitter + +# Setup logging +logging.basicConfig(stream=sys.stdout, level=logging.INFO) +logger = logging.getLogger(__name__) + + +def get_memory_usage(): + """Get current memory usage in MB""" + process = psutil.Process() + return process.memory_info().rss / 1024 / 1024 + + +def print_memory_stats(stage: str, start_mem: float): + """Print memory statistics""" + current_mem = get_memory_usage() + diff = current_mem - start_mem + print(f"[{stage}] Memory: {current_mem:.1f} MB (+{diff:.1f} MB)") + return current_mem + + +class MemoryTracker: + def __init__(self, name: str): + self.name = name + self.start_mem = get_memory_usage() + self.stages = [] + + def checkpoint(self, stage: str): + current_mem = print_memory_stats(f"{self.name} - {stage}", self.start_mem) + self.stages.append((stage, current_mem)) + return current_mem + + def summary(self): + print(f"\n=== {self.name} Memory Summary ===") + for stage, mem in self.stages: + print(f"{stage}: {mem:.1f} MB") + peak_mem = max(mem for _, mem in self.stages) + print(f"Peak Memory: {peak_mem:.1f} MB") + print(f"Total Memory Increase: {peak_mem - self.start_mem:.1f} MB") + return peak_mem + + +def test_faiss_hnsw(): + """Test Faiss HNSW Vector Store in subprocess""" + print("\n" + "=" * 50) + print("TESTING FAISS HNSW VECTOR STORE") + print("=" * 50) + + try: + # Get the directory of this script + script_dir = Path(__file__).parent + faiss_script = script_dir / "faiss_only.py" + result = subprocess.run( + [sys.executable, str(faiss_script)], + capture_output=True, + text=True, + timeout=300, + ) + + print(result.stdout) + if result.stderr: + print("Stderr:", result.stderr) + + if result.returncode != 0: + return { + "peak_memory": float("inf"), + "error": f"Process failed with code {result.returncode}", + } + + # Parse peak memory from output + lines = result.stdout.split("\n") + peak_memory = 0.0 + + for line in lines: + if "Peak Memory:" in line: + peak_memory = float( + line.split("Peak Memory:")[1].split("MB")[0].strip() + ) + + return {"peak_memory": peak_memory} + + except Exception as e: + return { + "peak_memory": float("inf"), + "error": str(e), + } + + +def test_leann_hnsw(): + """Test LEANN HNSW Search Memory (load existing index)""" + print("\n" + "=" * 50) + print("TESTING LEANN HNSW SEARCH MEMORY") + print("=" * 50) + + tracker = MemoryTracker("LEANN HNSW Search") + + # Import and setup + tracker.checkpoint("Initial") + + from leann.api import LeannSearcher + + tracker.checkpoint("After imports") + + from llama_index.core import SimpleDirectoryReader + from leann.api import LeannBuilder, LeannSearcher + + + # Load and parse documents + documents = SimpleDirectoryReader( + "../documents/data", + recursive=True, + encoding="utf-8", + required_exts=[".pdf", ".txt", ".md"], + ).load_data() + + tracker.checkpoint("After document loading") + + # Parse into chunks + node_parser = SentenceSplitter( + chunk_size=256, chunk_overlap=20, separator=" ", paragraph_separator="\n\n" + ) + + all_texts = [] + for doc in documents: + nodes = node_parser.get_nodes_from_documents([doc]) + for node in nodes: + all_texts.append(node.get_content()) + + tracker.checkpoint("After text chunking") + + # Build LEANN index + INDEX_DIR = Path("./test_leann_comparison") + INDEX_PATH = str(INDEX_DIR / "comparison.leann") + + # Check if index already exists + if os.path.exists(INDEX_PATH + ".meta.json"): + print("Loading existing LEANN HNSW index...") + tracker.checkpoint("After loading existing index") + else: + print("Building new LEANN HNSW index...") + # Clean up previous index + import shutil + + if INDEX_DIR.exists(): + shutil.rmtree(INDEX_DIR) + + builder = LeannBuilder( + backend_name="hnsw", + embedding_model="facebook/contriever", + graph_degree=32, + complexity=64, + is_compact=True, + is_recompute=True, + num_threads=1, + ) + + tracker.checkpoint("After builder setup") + + print("Building LEANN HNSW index...") + + for chunk_text in all_texts: + builder.add_text(chunk_text) + + builder.build_index(INDEX_PATH) + del builder + gc.collect() + + tracker.checkpoint("After index building") + + # Find existing LEANN index + index_paths = [ + "./test_leann_comparison/comparison.leann", + ] + index_path = None + for path in index_paths: + if os.path.exists(path + ".meta.json"): + index_path = path + break + + if not index_path: + print("❌ LEANN index not found. Please build it first") + return {"peak_memory": float("inf"), "error": "Index not found"} + + # Measure runtime memory overhead + print("\nMeasuring runtime memory overhead...") + runtime_start_mem = get_memory_usage() + print(f"Before load memory: {runtime_start_mem:.1f} MB") + tracker.checkpoint("Before load memory") + + # Load searcher + searcher = LeannSearcher(index_path) + tracker.checkpoint("After searcher loading") + + + + print("Running search queries...") + queries = [ + "什么是盘古大模型以及盘古开发过程中遇到了什么阴暗面,任务令一般在什么城市颁发", + "What is LEANN and how does it work?", + "华为诺亚方舟实验室的主要研究内容", + ] + + for i, query in enumerate(queries): + start_time = time.time() + # Use same parameters as Faiss: top_k=20, ef=120 (complexity parameter) + _ = searcher.search(query, top_k=20, ef=120) + query_time = time.time() - start_time + print(f"Query {i + 1} time: {query_time:.3f}s") + tracker.checkpoint(f"After query {i + 1}") + + runtime_end_mem = get_memory_usage() + runtime_overhead = runtime_end_mem - runtime_start_mem + + peak_memory = tracker.summary() + print(f"Runtime Memory Overhead: {runtime_overhead:.1f} MB") + + # Get storage size before cleanup + storage_size = 0 + INDEX_DIR = Path(index_path).parent + if INDEX_DIR.exists(): + total_size = 0 + for dirpath, _, filenames in os.walk(str(INDEX_DIR)): + for filename in filenames: + # Only count actual index files, skip text data and backups + if filename.endswith((".old", ".tmp", ".bak", ".jsonl", ".json")): + continue + # Count .index, .idx, .map files (actual index structures) + if filename.endswith((".index", ".idx", ".map")): + filepath = os.path.join(dirpath, filename) + total_size += os.path.getsize(filepath) + storage_size = total_size / (1024 * 1024) # Convert to MB + + # Clean up + del searcher + gc.collect() + + return { + "peak_memory": peak_memory, + "storage_size": storage_size, + } + + +def main(): + """Run comparison tests""" + print("Storage + Search Memory Comparison: Faiss HNSW vs LEANN HNSW") + print("=" * 60) + + # Test Faiss HNSW + faiss_results = test_faiss_hnsw() + + # Force garbage collection + gc.collect() + time.sleep(2) + + # Test LEANN HNSW + leann_results = test_leann_hnsw() + + # Final comparison + print("\n" + "=" * 60) + print("STORAGE + SEARCH MEMORY COMPARISON") + print("=" * 60) + + # Get storage sizes + faiss_storage_size = 0 + leann_storage_size = leann_results.get("storage_size", 0) + + # Get Faiss storage size using Python + if os.path.exists("./storage_faiss"): + total_size = 0 + for dirpath, _, filenames in os.walk("./storage_faiss"): + for filename in filenames: + filepath = os.path.join(dirpath, filename) + total_size += os.path.getsize(filepath) + faiss_storage_size = total_size / (1024 * 1024) # Convert to MB + + print("Faiss HNSW:") + if "error" in faiss_results: + print(f" ❌ Failed: {faiss_results['error']}") + else: + print(f" Search Memory: {faiss_results['peak_memory']:.1f} MB") + print(f" Storage Size: {faiss_storage_size:.1f} MB") + + print("\nLEANN HNSW:") + if "error" in leann_results: + print(f" ❌ Failed: {leann_results['error']}") + else: + print(f" Search Memory: {leann_results['peak_memory']:.1f} MB") + print(f" Storage Size: {leann_storage_size:.1f} MB") + + # Calculate improvements only if both tests succeeded + if "error" not in faiss_results and "error" not in leann_results: + memory_ratio = faiss_results["peak_memory"] / leann_results["peak_memory"] + + print("\nLEANN vs Faiss Performance:") + memory_saving = faiss_results["peak_memory"] - leann_results["peak_memory"] + print( + f" Search Memory: {memory_ratio:.1f}x less ({memory_saving:.1f} MB saved)" + ) + + # Storage comparison + if leann_storage_size > faiss_storage_size: + storage_ratio = leann_storage_size / faiss_storage_size + print( + f" Storage Size: {storage_ratio:.1f}x larger (LEANN uses more storage)" + ) + elif faiss_storage_size > leann_storage_size: + storage_ratio = faiss_storage_size / leann_storage_size + print( + f" Storage Size: {storage_ratio:.1f}x smaller (LEANN uses less storage)" + ) + else: + print(" Storage Size: similar") + else: + if "error" not in leann_results: + print("\n✅ LEANN HNSW completed successfully!") + print(f"📊 Search Memory: {leann_results['peak_memory']:.1f} MB") + print(f"📊 Storage Size: {leann_storage_size:.1f} MB") + if "error" not in faiss_results: + print("\n✅ Faiss HNSW completed successfully!") + print(f"📊 Search Memory: {faiss_results['peak_memory']:.1f} MB") + print(f"📊 Storage Size: {faiss_storage_size:.1f} MB") + + +if __name__ == "__main__": + main() diff --git a/apps/benchmarks/faiss_only.py b/apps/benchmarks/faiss_only.py new file mode 100644 index 0000000..2e6c2f8 --- /dev/null +++ b/apps/benchmarks/faiss_only.py @@ -0,0 +1,151 @@ +#!/usr/bin/env python3 +"""Test only Faiss HNSW""" + +import sys +import time +import psutil +import gc +import os + + +def get_memory_usage(): + process = psutil.Process() + return process.memory_info().rss / 1024 / 1024 + + +class MemoryTracker: + def __init__(self, name: str): + self.name = name + self.start_mem = get_memory_usage() + self.stages = [] + + def checkpoint(self, stage: str): + current_mem = get_memory_usage() + diff = current_mem - self.start_mem + print(f"[{self.name} - {stage}] Memory: {current_mem:.1f} MB (+{diff:.1f} MB)") + self.stages.append((stage, current_mem)) + return current_mem + + def summary(self): + peak_mem = max(mem for _, mem in self.stages) + print(f"Peak Memory: {peak_mem:.1f} MB") + return peak_mem + + +def main(): + try: + import faiss + except ImportError: + print("Faiss is not installed.") + print("Please install it with `uv pip install faiss-cpu`") + sys.exit(1) + + from llama_index.core import ( + SimpleDirectoryReader, + VectorStoreIndex, + StorageContext, + Settings, + node_parser, + Document, + ) + from llama_index.core.node_parser import SentenceSplitter + from llama_index.vector_stores.faiss import FaissVectorStore + from llama_index.embeddings.huggingface import HuggingFaceEmbedding + + tracker = MemoryTracker("Faiss HNSW") + tracker.checkpoint("Initial") + + embed_model = HuggingFaceEmbedding(model_name="facebook/contriever") + Settings.embed_model = embed_model + tracker.checkpoint("After embedding model setup") + + d = 768 + faiss_index = faiss.IndexHNSWFlat(d, 32) + faiss_index.hnsw.efConstruction = 64 + tracker.checkpoint("After Faiss index creation") + + documents = SimpleDirectoryReader( + "../documents/data", + recursive=True, + encoding="utf-8", + required_exts=[".pdf", ".txt", ".md"], + ).load_data() + tracker.checkpoint("After document loading") + + # Parse into chunks using the same splitter as LEANN + node_parser = SentenceSplitter( + chunk_size=256, chunk_overlap=20, separator=" ", paragraph_separator="\n\n" + ) + + tracker.checkpoint("After text splitter setup") + + # Check if index already exists and try to load it + index_loaded = False + if os.path.exists("./storage_faiss"): + print("Loading existing Faiss HNSW index...") + try: + # Use the correct Faiss loading pattern from the example + vector_store = FaissVectorStore.from_persist_dir("./storage_faiss") + storage_context = StorageContext.from_defaults( + vector_store=vector_store, persist_dir="./storage_faiss" + ) + from llama_index.core import load_index_from_storage + index = load_index_from_storage(storage_context=storage_context) + print(f"Index loaded from ./storage_faiss") + tracker.checkpoint("After loading existing index") + index_loaded = True + except Exception as e: + print(f"Failed to load existing index: {e}") + print("Cleaning up corrupted index and building new one...") + # Clean up corrupted index + import shutil + if os.path.exists("./storage_faiss"): + shutil.rmtree("./storage_faiss") + + if not index_loaded: + print("Building new Faiss HNSW index...") + + # Use the correct Faiss building pattern from the example + vector_store = FaissVectorStore(faiss_index=faiss_index) + storage_context = StorageContext.from_defaults(vector_store=vector_store) + index = VectorStoreIndex.from_documents( + documents, + storage_context=storage_context, + transformations=[node_parser] + ) + tracker.checkpoint("After index building") + + # Save index to disk using the correct pattern + index.storage_context.persist(persist_dir="./storage_faiss") + tracker.checkpoint("After index saving") + + # Measure runtime memory overhead + print("\nMeasuring runtime memory overhead...") + runtime_start_mem = get_memory_usage() + print(f"Before load memory: {runtime_start_mem:.1f} MB") + tracker.checkpoint("Before load memory") + + query_engine = index.as_query_engine(similarity_top_k=20) + queries = [ + "什么是盘古大模型以及盘古开发过程中遇到了什么阴暗面,任务令一般在什么城市颁发", + "What is LEANN and how does it work?", + "华为诺亚方舟实验室的主要研究内容", + ] + + for i, query in enumerate(queries): + start_time = time.time() + _ = query_engine.query(query) + query_time = time.time() - start_time + print(f"Query {i + 1} time: {query_time:.3f}s") + tracker.checkpoint(f"After query {i + 1}") + + runtime_end_mem = get_memory_usage() + runtime_overhead = runtime_end_mem - runtime_start_mem + + peak_memory = tracker.summary() + print(f"Peak Memory: {peak_memory:.1f} MB") + print(f"Runtime Memory Overhead: {runtime_overhead:.1f} MB") + + +if __name__ == "__main__": + main() diff --git a/apps/browser/__init__.py b/apps/browser/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/apps/browser/__main__.py b/apps/browser/__main__.py new file mode 100644 index 0000000..8f9906c --- /dev/null +++ b/apps/browser/__main__.py @@ -0,0 +1,201 @@ +import os +import asyncio +import argparse +try: + import dotenv + dotenv.load_dotenv() +except ModuleNotFoundError: + # python-dotenv is not installed; skip loading environment variables + dotenv = None +from pathlib import Path +from typing import List, Any +from leann.api import LeannBuilder, LeannSearcher, LeannChat +from llama_index.core.node_parser import SentenceSplitter + +# Default Chrome profile path +DEFAULT_CHROME_PROFILE = os.path.expanduser("~/Library/Application Support/Google/Chrome/Default") + +def create_leann_index_from_multiple_chrome_profiles(profile_dirs: List[Path], index_path: str = "chrome_history_index.leann", max_count: int = -1): + """ + Create LEANN index from multiple Chrome profile data sources. + + Args: + profile_dirs: List of Path objects pointing to Chrome profile directories + index_path: Path to save the LEANN index + max_count: Maximum number of history entries to process per profile + """ + print("Creating LEANN index from multiple Chrome profile data sources...") + + # Load documents using ChromeHistoryReader from local readers module + from .readers import ChromeHistoryReader + reader = ChromeHistoryReader() + + INDEX_DIR = Path(index_path).parent + + if not INDEX_DIR.exists(): + print(f"--- Index directory not found, building new index ---") + all_documents = [] + total_processed = 0 + + # Process each Chrome profile directory + for i, profile_dir in enumerate(profile_dirs): + print(f"\nProcessing Chrome profile {i+1}/{len(profile_dirs)}: {profile_dir}") + + try: + documents = reader.load_data( + chrome_profile_path=str(profile_dir), + max_count=max_count + ) + if documents: + print(f"Loaded {len(documents)} history documents from {profile_dir}") + all_documents.extend(documents) + total_processed += len(documents) + + # Check if we've reached the max count + if max_count > 0 and total_processed >= max_count: + print(f"Reached max count of {max_count} documents") + break + else: + print(f"No documents loaded from {profile_dir}") + except Exception as e: + print(f"Error processing {profile_dir}: {e}") + continue + + if not all_documents: + print("No documents loaded from any source. Exiting.") + return None + + print(f"\nTotal loaded {len(all_documents)} history documents from {len(profile_dirs)} profiles") + + # Create text splitter with 256 chunk size + text_splitter = SentenceSplitter(chunk_size=256, chunk_overlap=25) + + # Convert Documents to text strings and chunk them + all_texts = [] + for doc in all_documents: + # Split the document into chunks + nodes = text_splitter.get_nodes_from_documents([doc]) + for node in nodes: + all_texts.append(node.get_content()) + + print(f"Created {len(all_texts)} text chunks from {len(all_documents)} documents") + + # Create LEANN index directory + print(f"--- Index directory not found, building new index ---") + INDEX_DIR.mkdir(exist_ok=True) + + print(f"--- Building new LEANN index ---") + + print(f"\n[PHASE 1] Building Leann index...") + + # Use HNSW backend for better macOS compatibility + builder = LeannBuilder( + backend_name="hnsw", + embedding_model="facebook/contriever", + graph_degree=32, + complexity=64, + is_compact=True, + is_recompute=True, + num_threads=1 # Force single-threaded mode + ) + + print(f"Adding {len(all_texts)} history chunks to index...") + for chunk_text in all_texts: + builder.add_text(chunk_text) + + builder.build_index(index_path) + print(f"\nLEANN index built at {index_path}!") + else: + print(f"--- Using existing index at {INDEX_DIR} ---") + + return index_path + +async def query_leann_index(index_path: str, query: str): + """ + Query the LEANN index. + + Args: + index_path: Path to the LEANN index + query: The query string + """ + print(f"\n[PHASE 2] Starting Leann chat session...") + chat = LeannChat(index_path=index_path) + + print(f"You: {query}") + chat_response = chat.ask( + query, + top_k=10, + recompute_beighbor_embeddings=True, + complexity=32, + beam_width=1, + llm_config={ + "type": "openai", + "model": "gpt-4o", + "api_key": os.getenv("OPENAI_API_KEY"), + }, + llm_kwargs={ + "temperature": 0.0, + "max_tokens": 1000 + } + ) + print(f"Leann: {chat_response}") + +async def main(): + # Parse command line arguments + parser = argparse.ArgumentParser(description='LEANN Chrome History Reader - Create and query browser history index') + parser.add_argument('--chrome-profile', type=str, default=DEFAULT_CHROME_PROFILE, + help=f'Path to Chrome profile directory (default: {DEFAULT_CHROME_PROFILE}), usually you dont need to change this') + parser.add_argument('--index-dir', type=str, default="./chrome_history_index_leann_test", + help='Directory to store the LEANN index (default: ./chrome_history_index_leann_test)') + parser.add_argument('--max-entries', type=int, default=1000, + help='Maximum number of history entries to process (default: 1000)') + parser.add_argument('--query', type=str, default=None, + help='Single query to run (default: runs example queries)') + parser.add_argument('--auto-find-profiles', action='store_true', default=True, + help='Automatically find all Chrome profiles (default: True)') + + args = parser.parse_args() + + INDEX_DIR = Path(args.index_dir) + INDEX_PATH = str(INDEX_DIR / "chrome_history.leann") + + print(f"Using Chrome profile: {args.chrome_profile}") + print(f"Index directory: {INDEX_DIR}") + print(f"Max entries: {args.max_entries}") + + # Find Chrome profile directories + from .readers import ChromeHistoryReader + + if args.auto_find_profiles: + profile_dirs = ChromeHistoryReader.find_chrome_profiles() + if not profile_dirs: + print("No Chrome profiles found automatically. Exiting.") + return + else: + # Use single specified profile + profile_path = Path(args.chrome_profile) + if not profile_path.exists(): + print(f"Chrome profile not found: {profile_path}") + return + profile_dirs = [profile_path] + + # Create or load the LEANN index from all sources + index_path = create_leann_index_from_multiple_chrome_profiles(profile_dirs, INDEX_PATH, args.max_entries) + + if index_path: + if args.query: + # Run single query + await query_leann_index(index_path, args.query) + else: + # Example queries + queries = [ + "What websites did I visit about machine learning?", + "Find my search history about programming" + ] + + for query in queries: + print("\n" + "="*60) + await query_leann_index(index_path, query) + +if __name__ == "__main__": + asyncio.run(main()) \ No newline at end of file diff --git a/apps/browser/readers.py b/apps/browser/readers.py new file mode 100644 index 0000000..0258258 --- /dev/null +++ b/apps/browser/readers.py @@ -0,0 +1,176 @@ +import sqlite3 +import os +from pathlib import Path +from typing import List, Any +from llama_index.core import Document +from llama_index.core.readers.base import BaseReader + +class ChromeHistoryReader(BaseReader): + """ + Chrome browser history reader that extracts browsing data from SQLite database. + + Reads Chrome history from the default Chrome profile location and creates documents + with embedded metadata similar to the email reader structure. + """ + + def __init__(self) -> None: + """Initialize.""" + pass + + def load_data(self, input_dir: str = None, **load_kwargs: Any) -> List[Document]: + """ + Load Chrome history data from the default Chrome profile location. + + Args: + input_dir: Not used for Chrome history (kept for compatibility) + **load_kwargs: + max_count (int): Maximum amount of history entries to read. + chrome_profile_path (str): Custom path to Chrome profile directory. + """ + docs: List[Document] = [] + max_count = load_kwargs.get('max_count', 1000) + chrome_profile_path = load_kwargs.get('chrome_profile_path', None) + + # Default Chrome profile path on macOS + if chrome_profile_path is None: + chrome_profile_path = os.path.expanduser("~/Library/Application Support/Google/Chrome/Default") + + history_db_path = os.path.join(chrome_profile_path, "History") + + if not os.path.exists(history_db_path): + print(f"Chrome history database not found at: {history_db_path}") + return docs + + try: + # Connect to the Chrome history database + print(f"Connecting to database: {history_db_path}") + conn = sqlite3.connect(history_db_path) + cursor = conn.cursor() + + # Query to get browsing history with metadata (removed created_time column) + query = """ + SELECT + datetime(last_visit_time/1000000-11644473600,'unixepoch','localtime') as last_visit, + url, + title, + visit_count, + typed_count, + hidden + FROM urls + ORDER BY last_visit_time DESC + """ + + print(f"Executing query on database: {history_db_path}") + cursor.execute(query) + rows = cursor.fetchall() + print(f"Query returned {len(rows)} rows") + + count = 0 + for row in rows: + if count >= max_count and max_count > 0: + break + + last_visit, url, title, visit_count, typed_count, hidden = row + + # Create document content with metadata embedded in text + doc_content = f""" +[BROWSING HISTORY METADATA] +URL: {url} +Title: {title} +Last Visit: {last_visit} +Visit Count: {visit_count} +Typed Count: {typed_count} +Hidden: {hidden} +[END METADATA] + +Title: {title} +URL: {url} +Last visited: {last_visit} +""" + + # Create document with embedded metadata + doc = Document(text=doc_content, metadata={}) + docs.append(doc) + count += 1 + + conn.close() + print(f"Loaded {len(docs)} Chrome history documents") + + except Exception as e: + print(f"Error reading Chrome history: {e}") + return docs + + return docs + + @staticmethod + def find_chrome_profiles() -> List[Path]: + """ + Find all Chrome profile directories. + + Returns: + List of Path objects pointing to Chrome profile directories + """ + chrome_base_path = Path(os.path.expanduser("~/Library/Application Support/Google/Chrome")) + profile_dirs = [] + + if not chrome_base_path.exists(): + print(f"Chrome directory not found at: {chrome_base_path}") + return profile_dirs + + # Find all profile directories + for profile_dir in chrome_base_path.iterdir(): + if profile_dir.is_dir() and profile_dir.name != "System Profile": + history_path = profile_dir / "History" + if history_path.exists(): + profile_dirs.append(profile_dir) + print(f"Found Chrome profile: {profile_dir}") + + print(f"Found {len(profile_dirs)} Chrome profiles") + return profile_dirs + + @staticmethod + def export_history_to_file(output_file: str = "chrome_history_export.txt", max_count: int = 1000): + """ + Export Chrome history to a text file using the same SQL query format. + + Args: + output_file: Path to the output file + max_count: Maximum number of entries to export + """ + chrome_profile_path = os.path.expanduser("~/Library/Application Support/Google/Chrome/Default") + history_db_path = os.path.join(chrome_profile_path, "History") + + if not os.path.exists(history_db_path): + print(f"Chrome history database not found at: {history_db_path}") + return + + try: + conn = sqlite3.connect(history_db_path) + cursor = conn.cursor() + + query = """ + SELECT + datetime(last_visit_time/1000000-11644473600,'unixepoch','localtime') as last_visit, + url, + title, + visit_count, + typed_count, + hidden + FROM urls + ORDER BY last_visit_time DESC + LIMIT ? + """ + + cursor.execute(query, (max_count,)) + rows = cursor.fetchall() + + with open(output_file, 'w', encoding='utf-8') as f: + for row in rows: + last_visit, url, title, visit_count, typed_count, hidden = row + f.write(f"{last_visit}\t{url}\t{title}\t{visit_count}\t{typed_count}\t{hidden}\n") + + conn.close() + print(f"Exported {len(rows)} history entries to {output_file}") + + except Exception as e: + print(f"Error exporting Chrome history: {e}") \ No newline at end of file diff --git a/apps/documents/__init__.py b/apps/documents/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/apps/documents/__main__.py b/apps/documents/__main__.py new file mode 100644 index 0000000..bd450ef --- /dev/null +++ b/apps/documents/__main__.py @@ -0,0 +1,113 @@ +import argparse +from llama_index.core import SimpleDirectoryReader +from llama_index.core.node_parser import SentenceSplitter +import asyncio +import dotenv +from leann.api import LeannBuilder, LeannChat +from pathlib import Path +import os + +dotenv.load_dotenv() + + +async def main(args): + INDEX_DIR = Path(args.index_dir) + INDEX_PATH = str(INDEX_DIR / "pdf_documents.leann") + + if not INDEX_DIR.exists(): + node_parser = SentenceSplitter( + chunk_size=256, chunk_overlap=128, separator=" ", paragraph_separator="\n\n" + ) + + print("Loading documents...") + # Get the data directory relative to this module + current_dir = Path(__file__).parent + data_dir = current_dir / "data" + + documents = SimpleDirectoryReader( + str(data_dir), + recursive=True, + encoding="utf-8", + required_exts=[".pdf", ".txt", ".md"], + ).load_data(show_progress=True) + print("Documents loaded.") + all_texts = [] + for doc in documents: + nodes = node_parser.get_nodes_from_documents([doc]) + for node in nodes: + all_texts.append(node.get_content()) + + print("--- Index directory not found, building new index ---") + + print("\n[PHASE 1] Building Leann index...") + + # Use HNSW backend for better macOS compatibility + builder = LeannBuilder( + backend_name="hnsw", + embedding_model="facebook/contriever", + graph_degree=32, + complexity=64, + is_compact=True, + is_recompute=True, + num_threads=1, # Force single-threaded mode + ) + + print(f"Loaded {len(all_texts)} text chunks from documents.") + for chunk_text in all_texts: + builder.add_text(chunk_text) + + builder.build_index(INDEX_PATH) + print(f"\nLeann index built at {INDEX_PATH}!") + else: + print(f"--- Using existing index at {INDEX_DIR} ---") + + print(f"\n[PHASE 2] Starting Leann chat session...") + + # llm_config = {"type": "hf", "model": "Qwen/Qwen3-4B"} + llm_config = {"type": "ollama", "model": "qwen3:8b"} + + chat = LeannChat(index_path=INDEX_PATH, llm_config=llm_config) + + query = "Based on the paper, what are the main techniques LEANN explores to reduce the storage overhead and DLPM explore to achieve Fairness and Efiiciency trade-off?" + + # query = ( + # "什么是盘古大模型以及盘古开发过程中遇到了什么阴暗面,任务令一般在什么城市颁发" + # ) + + print(f"You: {query}") + chat_response = chat.ask(query, top_k=20, recompute_embeddings=True, complexity=32) + print(f"Leann: {chat_response}") + + +if __name__ == "__main__": + parser = argparse.ArgumentParser( + description="Run Leann Chat with various LLM backends." + ) + parser.add_argument( + "--llm", + type=str, + default="hf", + choices=["simulated", "ollama", "hf", "openai"], + help="The LLM backend to use.", + ) + parser.add_argument( + "--model", + type=str, + default="Qwen/Qwen3-0.6B", + help="The model name to use (e.g., 'llama3:8b' for ollama, 'deepseek-ai/deepseek-llm-7b-chat' for hf, 'gpt-4o' for openai).", + ) + parser.add_argument( + "--host", + type=str, + default="http://localhost:11434", + help="The host for the Ollama API.", + ) + parser.add_argument( + "--index-dir", + type=str, + default="./test_doc_files", + help="Directory where the Leann index will be stored.", + ) + args = parser.parse_args() + + asyncio.run(main(args)) \ No newline at end of file diff --git a/examples/data/README.md b/apps/documents/data/README.md similarity index 100% rename from examples/data/README.md rename to apps/documents/data/README.md diff --git a/apps/documents/data/pangu.md b/apps/documents/data/pangu.md new file mode 100644 index 0000000..0dd35da --- /dev/null +++ b/apps/documents/data/pangu.md @@ -0,0 +1,82 @@ +# 盘古之殇:华为诺亚盘古大模型研发历程的心酸与黑暗 + +各位好, + +我是一名盘古大模型团队,华为诺亚方舟实验室的员工。 + +首先为自证身份,列举一些细节: + +1. 现诺亚主任,前算法应用部部长,后改名为小模型实验室的主任王云鹤。前诺亚主任:姚骏(大家称姚老师)。几个实验室主任:唐睿明(明哥,明队,已离职),尚利峰,张维(维哥),郝建业(郝老师),刘武龙(称呼为武龙所)等。其他骨干成员和专家陆续有很多人离职。 +2. 我们隶属于“四野”这个组织。四野下属有许多纵队,基础语言大模型是四纵。王云鹤的小模型是十六纵队。我们参加过苏州的集结,有各种月份的时间节点。在苏州攻关会颁发任务令,需要在节点前达成目标。苏州集结会把各地的人员都集中在苏州研究所,平常住宾馆,比如在甪直的酒店,与家人孩子天各一方。 +3. 在苏州集结的时候周六默认上班,非常辛苦,不过周六有下午茶,有一次还有小龙虾。在苏州研究所的工位搬迁过一次,从一栋楼换到了另一栋。苏州研究所楼栋都是欧式装修,门口有大坡,里面景色很不错。去苏州集结一般至少要去一周,甚至更久,多的人甚至一两个月都回不了家。 +4. 诺亚曾经传说是研究型的,但是来了之后因为在四野做大模型项目,项目成员完全变成了交付型的,且充满了例会,评审,汇报。很多时候做实验都要申请。团队需要对接终端小艺,华为云,ICT等诸多业务线,交付压力不小。 +5. 诺亚研发的盘古模型早期内部代号叫做“盘古智子”,一开始只有内部需要申请试用的网页版,到后续迫于压力在welink上接入和公测开放。 + +这些天发生关于质疑盘古大模型抄袭千问的事情闹的沸沸扬扬。作为一个盘古团队的成员,我最近夜夜辗转反侧,难以入眠。盘古的品牌受到如此大的影响,一方面,我自私的为我的职业发展担忧,也为自己过去的努力工作感到不值。另一方面,由于有人开始揭露这些事情我内心又感到大快人心。在多少个日日夜夜,我们对内部某些人一次次靠着造假而又获得了无数利益的行为咬牙切齿而又无能为力。这种压抑和羞辱也逐渐消磨了我对华为的感情,让我在这里的时日逐渐浑浑噩噩,迷茫无措,时常怀疑自己的人生和自我价值。 + +我承认我是一个懦弱的人,作为一个小小的打工人,我不仅不敢和王云鹤等内部手眼通天的人做对,更不敢和华为这样的庞然大物做对。我很怕失去我的工作,毕竟我也有家人和孩子,所以我打心眼里很佩服揭露者。但是,看到内部还在试图洗地掩盖事实,蒙蔽公众的时候,我实在不能容忍了。我也希望勇敢一次,顺从自己本心。就算自损八百,我也希望能伤敌一千。我决定把我在这里的所见所闻(部分来自于同事口述)公布出来,关于盘古大模型的“传奇故事”: + +华为确实主要在昇腾卡上训练大模型(小模型实验室有不少英伟达的卡,他们之前也会用来训练,后面转移到昇腾)。曾经我被华为“打造世界第二选择”的决心而折服,我本身也曾经对华为有深厚的感情。我们陪着昇腾一步步摸爬滚打,从充满bug到现在能训出模型,付出了巨大的心血和代价。 + +最初我们的算力非常有限,在910A上训练模型。那会只支持fp16,训练的稳定性远不如bf16。盘古的moe开始很早,23年就主要是训练38Bmoe模型和后续的71B dense模型。71B的dense模型通过扩增变成了第一代的135Bdense模型,后面主力模型也逐渐在910B上训练。 + +71B和135B模型都有一个巨大的硬伤就是tokenizer。当时使用的tokenizer编码效率极低,每个单个的符号,数字,空格,乃至汉字都会占用一个token。可想而知这会非常浪费算力,且使得模型的效果很差。这时候小模型实验室正好有个自己训的词表。姚老师当时怀疑是不是模型的tokenizer不好(虽然事后来看,他的怀疑是无疑正确的),于是就决定,让71B和135B换tokenizer,因为小模型实验室曾经尝试过。团队缝合了两个tokenizer,开始了tokenizer的更换。71B模型的更换失败了,而135B因为采用了更精细的embedding初始化策略,续训了至少1T的数据后词表总算更换成功,但可想而知,效果并不会变好。 + +于此同期,阿里和智谱等国内其他公司在GPU上训练,且已经摸索出了正确的方法,盘古和竞品的差距越来越大。内部一个230B从头训练的dense模型又因为各种原因训练失败,导致项目的状况几乎陷入绝境。面临几个节点的压力以及内部对盘古的强烈质疑时,团队的士气低迷到了极点。团队在算力极其有限的时候,做出了很多努力和挣扎。比如,团队偶然发现当时的38B moe并没有预期moe的效果。于是去掉了moe参数,还原为了13B的dense模型。由于38B的moe源自很早的pangu alpha 13B,架构相对落后,团队进行了一系列的操作,比如切换绝对位置编码到rope,去掉bias,切换为rmsnorm。同时鉴于tokenizer的一些失败和换词表的经验,这个模型的词表也更换为了王云鹤的小模型实验室7B模型所使用的词表。后面这个13B模型进行了扩增续训,变成了第二代38B dense模型(在几个月内这个模型都是主要的盘古中档位模型),曾经具有一定的竞争力。但是,由于更大的135B模型架构落后,且更换词表模型损伤巨大(后续分析发现当时更换的缝合词表有更严重的bug),续训后也与千问等当时国内领先模型存在很大差距。这时由于内部的质疑声和领导的压力也越来越大。团队的状态几乎陷入了绝境。 + +在这种情况下,王云鹤和他的小模型实验室出手了。他们声称是从旧的135B参数继承改造而来,通过训练短短的几百B数据,各项指标平均提升了十个点左右。实际上,这就是他们套壳应用到大模型的第一次杰作。华为的外行领导内行,使得领导完全对于这种扯淡的事情没有概念,他们只会觉得肯定是有什么算法创新。经过内部的分析,他们实际上是使用Qwen 1.5 110B续训而来,通过加层,扩增ffn维度,添加盘古pi论文的一些机制得来,凑够了大概135B的参数。实际上,旧的135B有107层,而这个模型只有82层,各种配置也都不一样。新的来路不明的135B训练完很多参数的分布也和Qwen 110B几乎一模一样。连模型代码的类名当时都是Qwen,甚至懒得改名。后续这个模型就是所谓的135B V2。而这个模型当时也提供给了很多下游,甚至包括外部客户。 + +这件事对于我们这些认真诚实做事的同事们带来了巨大的冲击,内部很多人其实都知道这件事,甚至包括终端和华为云。我们都戏称以后别叫盘古模型了,叫千古吧。当时团队成员就想向bcg举报了,毕竟这已经是重大的业务造假了。但是后面据说被领导拦了下来,因为更高级别的领导(比如姚老师,以及可能熊总和查老)其实后面也知道了,但是并不管,因为通过套壳拿出好的结果,对他们也是有利的。这件事使得当时团队几位最强的同事开始心灰意冷,离职跑路也逐渐成为挂在嘴边的事。 + +此时,盘古似乎迎来了转机。由于前面所述的这些盘古模型基本都是续训和改造而来,当时诺亚完全没有掌握从头训练的技术,何况还是在昇腾的NPU上进行训练。在当时团队的核心成员的极力争取下,盘古开始了第三代模型的训练,付出了巨大的努力后,在数据架构和训练算法方面都与业界逐渐接轨,而这其中的艰辛和小模型实验室的人一点关系都没有。 + +一开始团队成员毫无信心,只从一个13B的模型开始训练,但是后面发现效果还不错,于是这个模型后续再次进行了一次参数扩增,变成了第三代的38B,代号38B V3。想必很多产品线的兄弟都对这个模型很熟悉。当时这个模型的tokenizer是基于llama的词表进行扩展的(也是业界常见的做法)。而当时王云鹤的实验室做出来了另一个词表(也就是后续pangu系列的词表)。当时两个词表还被迫进行了一次赛马,最终没有明显的好坏结论。于是,领导当即决定,应该统一词表,使用王云鹤他们的。于是,在后续从头训练的135B V3(也就是对外的Pangu Ultra),便是采用了这个tokenizer。这也解释了很多使用我们模型的兄弟的疑惑,为什么当时同为V3代的两个不同档位的模型,会使用不同的tokenizer。 + + +我们打心眼里觉得,135B V3是我们四纵团队当时的骄傲。这是第一个真正意义上的,华为全栈自研,正经从头训练的千亿级别的模型,且效果与24年同期竞品可比的。写到这里我已经热泪盈眶,太不容易了。当时为了稳定训练,团队做了大量实验对比,并且多次在模型梯度出现异常的时候进行及时回退重启。这个模型真正做到了后面技术报告所说的训练全程没有一个loss spike。我们克服了不知道多少困难,我们做到了,我们愿用生命和荣誉保证这个模型训练的真实性。多少个凌晨,我们为了它的训练而不眠。在被内部心声骂的一文不值的时候,我们有多么不甘,有多少的委屈,我们挺住了。 + +我们这帮人是真的在为打磨国产算力底座燃烧自己的青春啊……客居他乡,我们放弃了家庭,放弃了假期,放弃了健康,放弃了娱乐,抛头颅洒热血,其中的艰辛与困苦,寥寥数笔不足以概括其万一。在各种动员大会上,当时口号中喊出的盘古必胜,华为必胜,我们心里是真的深深被感动。 + +然而,我们的所有辛苦的成果,经常被小模型实验室轻飘飘的拿走了。数据,直接要走。代码,直接要走,还要求我们配合适配到能一键运行。我们当时戏称小模型实验室为点鼠标实验室。我们付出辛苦,他们取得荣耀。果然应了那句话,你在负重前行是因为有人替你岁月静好。在这种情况下,越来越多的战友再也坚持不下去了,选择了离开。看到身边那些优秀的同事一个个离职,我的内心又感叹又难过。在这种作战一样的环境下,我们比起同事来说更像是战友。他们在技术上也有无数值得我学习的地方,堪称良师。看到他们去了诸如字节Seed,Deepseek,月之暗面,腾讯和快手等等很多出色的团队,我打心眼里为他们高兴和祝福,脱离了这个辛苦却肮脏的地方。我至今还对一位离职同事的话记忆犹新,ta说:“来这里是我技术生涯中的耻辱,在这里再呆每一天都是浪费生命”。话虽难听却让我无言以对。我担心我自己技术方面的积累不足,以及没法适应互联网公司高淘汰的环境,让我多次想离职的心始终没有迈出这一步。 + +盘古除了dense模型,后续也启动了moe的探索。一开始训练的是一个224B的moe模型。而与之平行的,小模型实验室也开启了第二次主要的套壳行动(次要的插曲可能还包括一些别的模型,比如math模型),即这次流传甚广的pangu pro moe 72B。这个模型内部自称是从小模型实验室的7B扩增上来的(就算如此,这也与技术报告不符,何况是套壳qwen 2.5的14b续训)。还记得他们训了没几天,内部的评测就立刻追上了当时的38B V3。AI系统实验室很多兄弟因为需要适配模型,都知道他们的套壳行动,只是迫于各种原因,无法伸张正义。实际上,对于后续训了很久很久的这个模型,Honestagi能够分析出这个量级的相似性我已经很诧异了,因为这个模型为了续训洗参数,所付出的算力甚至早就足够从头训一个同档位的模型了。听同事说他们为了洗掉千问的水印,采取了不少办法,甚至包括故意训了脏数据。这也为学术界研究模型血缘提供了一个前所未有的特殊模范吧。以后新的血缘方法提出可以拿出来溜溜。 + +24年底和25年初,在Deepseek v3和r1发布之后,由于其惊艳的技术水平,团队受到了巨大的冲击,也受到了更大的质疑。于是为了紧跟潮流,盘古模仿Deepseek的模型尺寸,开启了718B moe的训练。这个时候,小模型实验室再次出手了。他们选择了套壳Deepseekv3续训。他们通过冻住Deepseek加载的参数,进行训练。连任务加载ckpt的目录都是deepseekv3,改都不改,何其嚣张?与之相反,一些有真正技术信仰的同事,在从头训练另一个718B的moe。但其中出现了各种各样的问题。但是很显然,这个模型怎么可能比直接套壳的好呢?如果不是团队leader坚持,早就被叫停了。 + +华为的流程管理之繁重,严重拖累了大模型的研发节奏,例如版本管理,模型血缘,各种流程化,各种可追溯。讽刺的是,小模型实验室的模型似乎从来不受这些流程的约束,想套壳就套壳,想续训就续训,算力源源不断的伸手拿走。这种强烈到近乎魔幻的对比,说明了当前流程管理的情况:只许州官放火,不许百姓点灯。何其可笑?何其可悲?何其可恶?何其可耻! + +HonestAGI的事情出来后,内部让大家不停的研讨分析,如何公关和“回应”。诚然,这个原文的分析也许不够有力,给了王云鹤与小模型实验室他们狡辩和颠倒黑白的机会。为此,这两天我内心感到作呕,时时怀疑自己的人生意义以及苍天无眼。我不奉陪了,我要离职了,同时我也在申请从盘古部分技术报告的作者名单中移除。曾经在这些技术报告上署名是我一生都无法抹除的污点。当时我没想到,他们竟然猖狂到敢开源。我没想到,他们敢如此愚弄世人,大肆宣发。当时,我也许是存了侥幸心理,没有拒绝署名。我相信很多扎实做事的战友,也只是被迫上了贼船,或者不知情。但这件事已经无法挽回,我希望我的余生能够坚持扎实做真正有意义的事,为我当时的软弱和不坚定赎罪。 + +深夜写到这里,我已经泪流满面,泣不成声。还记得一些出色的同事离职时,我苦笑问他们要不要发个长长的心声惯例帖,揭露一下现状。对方说:不了,浪费时间,而且我也怕揭露出来你们过的更糟。我当时一下黯然神伤,因为曾经共同为了理想奋斗过的战友已经彻底对华为彻底灰心了。当时大家调侃,我们用着当年共产党的小米加步枪,组织却有着堪比当年国民党的作风。 + +曾几何时,我为我们用着小米加步枪打败洋枪洋炮而自豪。 + +现在,我累了,我想投降。 + +其实时至今日,我还是真心希望华为能认真吸取教训,能做好盘古,把盘古做到世界一流,把昇腾变成英伟达的水平。内部的劣币驱逐良币,使得诺亚乃至华为在短时间内急剧流失了大量出色的大模型人才。相信他们也正在如Deepseek等各个团队闪耀着,施展着他们的抱负才华,为中美在AI的激烈竞赛中奉献力量。我时常感叹,华为不是没有人才,而是根本不知道怎么留住人才。如果给这些人合适的环境,合适的资源,更少的枷锁,更少的政治斗争,盘古何愁不成? + +最后:我以生命,人格和荣誉发誓,我写的以上所有内容均为真实(至少在我有限的认知范围内)。我没有那么高的技术水平以及机会去做详尽扎实的分析,也不敢直接用内部记录举证,怕因为信息安全抓到。但是我相信我很多曾经的战友,会为我作证。在华为内部的兄弟,包括我们曾经服务过的产品线兄弟们,相信本文的无数细节能和你们的印象对照,印证我的说法。你们可能也曾经被蒙骗,但这些残酷的真相不会被尘封。我们奋战过的痕迹,也不应该被扭曲和埋葬。 + +写了这么多,某些人肯定想把我找出来,抹杀掉。公司搞不好也想让我噤声乃至追责。如果真的这样,我,乃至我的家人的人身乃至生命安全可能都会受到威胁。为了自我保护,我近期每天会跟大家报平安。 + +如果我消失了,就当是我为了真理和理想,为了华为乃至中国能够更好地发展算力和AI而牺牲了吧,我愿埋葬于那片曾经奋斗过的地方。 + +诺亚,再见 + +2025年7月6日凌晨 写于深圳 + +--- + +各位好, + +感谢大家的关心与祝福。我目前暂时安全,但公司应该在进行排查与某些名单收集,后续情况未知。 + +我补充一些细节,以免某些人继续颠倒黑白。 + +关于135B V2,小模型实验室在迅速地完成套壳并拿完所有套壳带来的好处后(比如任务令表彰和及时激励),因为不想继续支撑下游应用和模型迭代,又把这个烫手山芋甩给了四纵。确实技高一筹,直接把四纵的兄弟们拉下水。同事提供过去一个老旧的模型,最终拿回了一个当时一个魔改的先进的千问。做大模型的人,自己做的模型就像自己孩子一样熟悉,不要把别人都当傻子。就像自家儿子出门一趟,回来个别人家孩子。 + +盘古report的署名是不符合学术规范的。例如,135B V3有不少有技术贡献的人,因为作者名额数量限制,劳动成果没有得到应有的回报,团队内曾经有不小的意见。这个模型当时是大家智慧和汗水的结晶,甚至是团队当时的精神支柱,支撑着不少兄弟们继续留在诺亚。所谓的名额限制,以及挂名了一些毫无技术贡献的人(如一些小模型实验室的人),让兄弟们何其心寒。 + +--- + +暂时平安。另外,支持我勇于说出真相的战友们 https://github.com/HW-whistleblower/True-Story-of-Pangu/issues/317 diff --git a/apps/email/__init__.py b/apps/email/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/apps/email/__main__.py b/apps/email/__main__.py new file mode 100644 index 0000000..e001b45 --- /dev/null +++ b/apps/email/__main__.py @@ -0,0 +1,193 @@ +import os +import sys +import asyncio +import dotenv +import argparse +from pathlib import Path +from typing import List, Any + +from leann.api import LeannBuilder, LeannSearcher, LeannChat +from llama_index.core.node_parser import SentenceSplitter + +dotenv.load_dotenv() + +# Auto-detect user's mail path +def get_mail_path(): + """Get the mail path for the current user""" + home_dir = os.path.expanduser("~") + return os.path.join(home_dir, "Library", "Mail") + +def create_leann_index_from_multiple_sources(messages_dirs: List[Path], index_path: str = "mail_index.leann", max_count: int = -1, include_html: bool = False, embedding_model: str = "facebook/contriever"): + """ + Create LEANN index from multiple mail data sources. + + Args: + messages_dirs: List of Path objects pointing to Messages directories + index_path: Path to save the LEANN index + max_count: Maximum number of emails to process per directory + include_html: Whether to include HTML content in email processing + """ + print("Creating LEANN index from multiple mail data sources...") + + # Load documents using EmlxReader from local readers module + from .readers import EmlxReader, find_all_messages_directories + reader = EmlxReader(include_html=include_html) + INDEX_DIR = Path(index_path).parent + + if not INDEX_DIR.exists(): + print(f"--- Index directory not found, building new index ---") + all_documents = [] + total_processed = 0 + + # Process each Messages directory + for i, messages_dir in enumerate(messages_dirs): + print(f"\nProcessing Messages directory {i+1}/{len(messages_dirs)}: {messages_dir}") + + try: + documents = reader.load_data(messages_dir) + if documents: + print(f"Loaded {len(documents)} email documents from {messages_dir}") + all_documents.extend(documents) + total_processed += len(documents) + + # Check if we've reached the max count + if max_count > 0 and total_processed >= max_count: + print(f"Reached max count of {max_count} documents") + break + else: + print(f"No documents loaded from {messages_dir}") + except Exception as e: + print(f"Error processing {messages_dir}: {e}") + continue + + if not all_documents: + print("No documents loaded from any source. Exiting.") + return None + + print(f"\nTotal loaded {len(all_documents)} email documents from {len(messages_dirs)} directories") + + # Create text splitter with 256 chunk size + text_splitter = SentenceSplitter(chunk_size=256, chunk_overlap=25) + + # Convert Documents to text strings and chunk them + all_texts = [] + for doc in all_documents: + # Split the document into chunks + nodes = text_splitter.get_nodes_from_documents([doc]) + for node in nodes: + all_texts.append(node.get_content()) + + print(f"Created {len(all_texts)} text chunks from {len(all_documents)} documents") + + # Create LEANN index directory + print(f"--- Index directory not found, building new index ---") + INDEX_DIR.mkdir(exist_ok=True) + + print(f"--- Building new LEANN index ---") + + print(f"\n[PHASE 1] Building Leann index...") + + # Use HNSW backend for better macOS compatibility + builder = LeannBuilder( + backend_name="hnsw", + embedding_model=embedding_model, + graph_degree=32, + complexity=64, + is_compact=True, + is_recompute=True, + num_threads=1 # Force single-threaded mode + ) + + print(f"Adding {len(all_texts)} email chunks to index...") + for chunk_text in all_texts: + builder.add_text(chunk_text) + + builder.build_index(index_path) + print(f"\nLEANN index built at {index_path}!") + else: + print(f"--- Using existing index at {INDEX_DIR} ---") + + return index_path + +async def query_leann_index(index_path: str, query: str): + """ + Query the LEANN index. + + Args: + index_path: Path to the LEANN index + query: The query string + """ + print(f"\n[PHASE 2] Starting Leann chat session...") + chat = LeannChat(index_path=index_path, + llm_config={"type": "openai", "model": "gpt-4o"}) + + print(f"You: {query}") + import time + start_time = time.time() + chat_response = chat.ask( + query, + top_k=10, + recompute_beighbor_embeddings=True, + complexity=12, + beam_width=1, + + ) + end_time = time.time() + print(f"Time taken: {end_time - start_time} seconds") + print(f"Leann: {chat_response}") + +async def main(): + # Parse command line arguments + parser = argparse.ArgumentParser(description='LEANN Mail Reader - Create and query email index') + parser.add_argument('--index-dir', type=str, default="./mail_index_leann_raw_text_all_dicts", + help='Directory to store the LEANN index (default: ./mail_index_leann_raw_text_all_dicts)') + parser.add_argument('--max-emails', type=int, default=1000, + help='Maximum number of emails to process (-1 means all)') + parser.add_argument('--query', type=str, default="Give me some funny advertisement about apple or other companies", + help='Single query to run (default: runs example queries)') + parser.add_argument('--include-html', action='store_true', default=False, + help='Include HTML content in email processing (default: False)') + parser.add_argument('--embedding-model', type=str, default="facebook/contriever", + help='Embedding model to use (default: facebook/contriever)') + + args = parser.parse_args() + + print(f"args: {args}") + + # Automatically find all Messages directories under the current user's Mail directory + from .readers import find_all_messages_directories + mail_path = get_mail_path() + print(f"Searching for email data in: {mail_path}") + messages_dirs = find_all_messages_directories(mail_path) + + print('len(messages_dirs): ', len(messages_dirs)) + + if not messages_dirs: + print("No Messages directories found. Exiting.") + return + + INDEX_DIR = Path(args.index_dir) + INDEX_PATH = str(INDEX_DIR / "mail_documents.leann") + print(f"Index directory: {INDEX_DIR}") + print(f"Found {len(messages_dirs)} Messages directories.") + + # Create or load the LEANN index from all sources + index_path = create_leann_index_from_multiple_sources(messages_dirs, INDEX_PATH, args.max_emails, args.include_html, args.embedding_model) + + if index_path: + if args.query: + # Run single query + await query_leann_index(index_path, args.query) + else: + # Example queries + queries = [ + "Hows Berkeley Graduate Student Instructor", + "how's the icloud related advertisement saying", + "Whats the number of class recommend to take per semester for incoming EECS students" + ] + for query in queries: + print("\n" + "="*60) + await query_leann_index(index_path, query) + +if __name__ == "__main__": + asyncio.run(main()) \ No newline at end of file diff --git a/apps/email/email.py b/apps/email/email.py new file mode 100644 index 0000000..689618b --- /dev/null +++ b/apps/email/email.py @@ -0,0 +1,192 @@ +""" +Mbox parser. + +Contains simple parser for mbox files. + +""" + +import logging +from pathlib import Path +from typing import Any, Dict, List, Optional +from fsspec import AbstractFileSystem + +from llama_index.core.readers.base import BaseReader +from llama_index.core.schema import Document + +logger = logging.getLogger(__name__) + + +class MboxReader(BaseReader): + """ + Mbox parser. + + Extract messages from mailbox files. + Returns string including date, subject, sender, receiver and + content for each message. + + """ + + DEFAULT_MESSAGE_FORMAT: str = ( + "Date: {_date}\n" + "From: {_from}\n" + "To: {_to}\n" + "Subject: {_subject}\n" + "Content: {_content}" + ) + + def __init__( + self, + *args: Any, + max_count: int = 0, + message_format: str = DEFAULT_MESSAGE_FORMAT, + **kwargs: Any, + ) -> None: + """Init params.""" + try: + from bs4 import BeautifulSoup # noqa + except ImportError: + raise ImportError( + "`beautifulsoup4` package not found: `pip install beautifulsoup4`" + ) + + super().__init__(*args, **kwargs) + self.max_count = max_count + self.message_format = message_format + + def load_data( + self, + file: Path, + extra_info: Optional[Dict] = None, + fs: Optional[AbstractFileSystem] = None, + ) -> List[Document]: + """Parse file into string.""" + # Import required libraries + import mailbox + from email.parser import BytesParser + from email.policy import default + + from bs4 import BeautifulSoup + + if fs: + logger.warning( + "fs was specified but MboxReader doesn't support loading " + "from fsspec filesystems. Will load from local filesystem instead." + ) + + i = 0 + results: List[str] = [] + # Load file using mailbox + bytes_parser = BytesParser(policy=default).parse + mbox = mailbox.mbox(file, factory=bytes_parser) # type: ignore + + # Iterate through all messages + for _, _msg in enumerate(mbox): + try: + msg: mailbox.mboxMessage = _msg + # Parse multipart messages + if msg.is_multipart(): + for part in msg.walk(): + ctype = part.get_content_type() + cdispo = str(part.get("Content-Disposition")) + if "attachment" in cdispo: + print(f"Attachment found: {part.get_filename()}") + if ctype == "text/plain" and "attachment" not in cdispo: + content = part.get_payload(decode=True) # decode + break + # Get plain message payload for non-multipart messages + else: + content = msg.get_payload(decode=True) + + # Parse message HTML content and remove unneeded whitespace + soup = BeautifulSoup(content) + stripped_content = " ".join(soup.get_text().split()) + # Format message to include date, sender, receiver and subject + msg_string = self.message_format.format( + _date=msg["date"], + _from=msg["from"], + _to=msg["to"], + _subject=msg["subject"], + _content=stripped_content, + ) + # Add message string to results + results.append(msg_string) + except Exception as e: + logger.warning(f"Failed to parse message:\n{_msg}\n with exception {e}") + + # Increment counter and return if max count is met + i += 1 + if self.max_count > 0 and i >= self.max_count: + break + + return [Document(text=result, metadata=extra_info or {}) for result in results] + + +class EmlxMboxReader(MboxReader): + """ + EmlxMboxReader - Modified MboxReader that handles directories of .emlx files. + + Extends MboxReader to work with Apple Mail's .emlx format by: + 1. Reading .emlx files from a directory + 2. Converting them to mbox format in memory + 3. Using the parent MboxReader's parsing logic + """ + + def load_data( + self, + directory: Path, + extra_info: Optional[Dict] = None, + fs: Optional[AbstractFileSystem] = None, + ) -> List[Document]: + """Parse .emlx files from directory into strings using MboxReader logic.""" + import tempfile + import os + + if fs: + logger.warning( + "fs was specified but EmlxMboxReader doesn't support loading " + "from fsspec filesystems. Will load from local filesystem instead." + ) + + # Find all .emlx files in the directory + emlx_files = list(directory.glob("*.emlx")) + logger.info(f"Found {len(emlx_files)} .emlx files in {directory}") + + if not emlx_files: + logger.warning(f"No .emlx files found in {directory}") + return [] + + # Create a temporary mbox file + with tempfile.NamedTemporaryFile(mode='w', suffix='.mbox', delete=False) as temp_mbox: + temp_mbox_path = temp_mbox.name + + # Convert .emlx files to mbox format + for emlx_file in emlx_files: + try: + # Read the .emlx file + with open(emlx_file, 'r', encoding='utf-8', errors='ignore') as f: + content = f.read() + + # .emlx format: first line is length, rest is email content + lines = content.split('\n', 1) + if len(lines) >= 2: + email_content = lines[1] # Skip the length line + + # Write to mbox format (each message starts with "From " and ends with blank line) + temp_mbox.write(f"From {emlx_file.name} {email_content}\n\n") + + except Exception as e: + logger.warning(f"Failed to process {emlx_file}: {e}") + continue + + # Close the temporary file so MboxReader can read it + temp_mbox.close() + + try: + # Use the parent MboxReader's logic to parse the mbox file + return super().load_data(Path(temp_mbox_path), extra_info, fs) + finally: + # Clean up temporary file + try: + os.unlink(temp_mbox_path) + except: + pass \ No newline at end of file diff --git a/apps/email/readers.py b/apps/email/readers.py new file mode 100644 index 0000000..2c79108 --- /dev/null +++ b/apps/email/readers.py @@ -0,0 +1,124 @@ +import os +import email +from pathlib import Path +from typing import List, Any +from llama_index.core import Document +from llama_index.core.readers.base import BaseReader + +def find_all_messages_directories(root: str = None) -> List[Path]: + """ + Recursively find all 'Messages' directories under the given root. + Returns a list of Path objects. + """ + if root is None: + # Auto-detect user's mail path + home_dir = os.path.expanduser("~") + root = os.path.join(home_dir, "Library", "Mail") + + messages_dirs = [] + for dirpath, dirnames, filenames in os.walk(root): + if os.path.basename(dirpath) == "Messages": + messages_dirs.append(Path(dirpath)) + return messages_dirs + +class EmlxReader(BaseReader): + """ + Apple Mail .emlx file reader with embedded metadata. + + Reads individual .emlx files from Apple Mail's storage format. + """ + + def __init__(self, include_html: bool = False) -> None: + """ + Initialize. + + Args: + include_html: Whether to include HTML content in the email body (default: False) + """ + self.include_html = include_html + + def load_data(self, input_dir: str, **load_kwargs: Any) -> List[Document]: + """ + Load data from the input directory containing .emlx files. + + Args: + input_dir: Directory containing .emlx files + **load_kwargs: + max_count (int): Maximum amount of messages to read. + """ + docs: List[Document] = [] + max_count = load_kwargs.get('max_count', 1000) + count = 0 + + # Walk through the directory recursively + for dirpath, dirnames, filenames in os.walk(input_dir): + # Skip hidden directories + dirnames[:] = [d for d in dirnames if not d.startswith(".")] + + for filename in filenames: + if count >= max_count: + break + + if filename.endswith(".emlx"): + filepath = os.path.join(dirpath, filename) + try: + # Read the .emlx file + with open(filepath, 'r', encoding='utf-8', errors='ignore') as f: + content = f.read() + + # .emlx files have a length prefix followed by the email content + # The first line contains the length, followed by the email + lines = content.split('\n', 1) + if len(lines) >= 2: + email_content = lines[1] + + # Parse the email using Python's email module + try: + msg = email.message_from_string(email_content) + + # Extract email metadata + subject = msg.get('Subject', 'No Subject') + from_addr = msg.get('From', 'Unknown') + to_addr = msg.get('To', 'Unknown') + date = msg.get('Date', 'Unknown') + + # Extract email body + body = "" + if msg.is_multipart(): + for part in msg.walk(): + if part.get_content_type() == "text/plain" or part.get_content_type() == "text/html": + if part.get_content_type() == "text/html" and not self.include_html: + continue + body += part.get_payload(decode=True).decode('utf-8', errors='ignore') + # break + else: + body = msg.get_payload(decode=True).decode('utf-8', errors='ignore') + + # Create document content with metadata embedded in text + doc_content = f""" +[EMAIL METADATA] +File: {filename} +From: {from_addr} +To: {to_addr} +Subject: {subject} +Date: {date} +[END METADATA] + +{body} +""" + + # No separate metadata - everything is in the text + doc = Document(text=doc_content, metadata={}) + docs.append(doc) + count += 1 + + except Exception as e: + print(f"Error parsing email from {filepath}: {e}") + continue + + except Exception as e: + print(f"Error reading file {filepath}: {e}") + continue + + print(f"Loaded {len(docs)} email documents") + return docs \ No newline at end of file diff --git a/apps/evaluation/__init__.py b/apps/evaluation/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/apps/evaluation/__main__.py b/apps/evaluation/__main__.py new file mode 100644 index 0000000..6b07f09 --- /dev/null +++ b/apps/evaluation/__main__.py @@ -0,0 +1,382 @@ +#!/usr/bin/env python3 +""" +This script runs a recall evaluation on a given LEANN index. +It correctly compares results by fetching the text content for both the new search +results and the golden standard results, making the comparison robust to ID changes. +""" + +import json +import argparse +import time +from pathlib import Path +import sys +import numpy as np +from typing import List + +from leann.api import LeannSearcher, LeannBuilder + + +def download_data_if_needed(data_root: Path, download_embeddings: bool = False): + """Checks if the data directory exists, and if not, downloads it from HF Hub.""" + if not data_root.exists(): + print(f"Data directory '{data_root}' not found.") + print( + "Downloading evaluation data from Hugging Face Hub... (this may take a moment)" + ) + try: + from huggingface_hub import snapshot_download + + if download_embeddings: + # Download everything including embeddings (large files) + snapshot_download( + repo_id="LEANN-RAG/leann-rag-evaluation-data", + repo_type="dataset", + local_dir=data_root, + local_dir_use_symlinks=False, + ) + print("Data download complete (including embeddings)!") + else: + # Download only specific folders, excluding embeddings + allow_patterns = [ + "ground_truth/**", + "indices/**", + "queries/**", + "*.md", + "*.txt", + ] + snapshot_download( + repo_id="LEANN-RAG/leann-rag-evaluation-data", + repo_type="dataset", + local_dir=data_root, + local_dir_use_symlinks=False, + allow_patterns=allow_patterns, + ) + print("Data download complete (excluding embeddings)!") + except ImportError: + print( + "Error: huggingface_hub is not installed. Please install it to download the data:" + ) + print("uv pip install -e '.[dev]'") + sys.exit(1) + except Exception as e: + print(f"An error occurred during data download: {e}") + sys.exit(1) + + +def download_embeddings_if_needed(data_root: Path, dataset_type: str = None): + """Download embeddings files specifically.""" + embeddings_dir = data_root / "embeddings" + + if dataset_type: + # Check if specific dataset embeddings exist + target_file = embeddings_dir / dataset_type / "passages_00.pkl" + if target_file.exists(): + print(f"Embeddings for {dataset_type} already exist") + return str(target_file) + + print("Downloading embeddings from HuggingFace Hub...") + try: + from huggingface_hub import snapshot_download + + # Download only embeddings folder + snapshot_download( + repo_id="LEANN-RAG/leann-rag-evaluation-data", + repo_type="dataset", + local_dir=data_root, + local_dir_use_symlinks=False, + allow_patterns=["embeddings/**/*.pkl"], + ) + print("Embeddings download complete!") + + if dataset_type: + target_file = embeddings_dir / dataset_type / "passages_00.pkl" + if target_file.exists(): + return str(target_file) + + return str(embeddings_dir) + + except Exception as e: + print(f"Error downloading embeddings: {e}") + sys.exit(1) + + +# --- Helper Function to get Golden Passages --- +def get_golden_texts(searcher: LeannSearcher, golden_ids: List[int]) -> set: + """ + Retrieves the text for golden passage IDs directly from the LeannSearcher's + passage manager. + """ + golden_texts = set() + for gid in golden_ids: + try: + # PassageManager uses string IDs + passage_data = searcher.passage_manager.get_passage(str(gid)) + golden_texts.add(passage_data["text"]) + except KeyError: + print( + f"Warning: Golden passage ID '{gid}' not found in the index's passage data." + ) + return golden_texts + + +def load_queries(file_path: Path) -> List[str]: + queries = [] + with open(file_path, "r", encoding="utf-8") as f: + for line in f: + data = json.loads(line) + queries.append(data["query"]) + return queries + + +def build_index_from_embeddings( + embeddings_file: str, output_path: str, backend: str = "hnsw" +): + """ + Build a LEANN index from pre-computed embeddings. + + Args: + embeddings_file: Path to pickle file with (ids, embeddings) tuple + output_path: Path where to save the index + backend: Backend to use ("hnsw" or "diskann") + """ + print(f"Building {backend} index from embeddings: {embeddings_file}") + + # Create builder with appropriate parameters + if backend == "hnsw": + builder_kwargs = { + "M": 32, # Graph degree + "efConstruction": 256, # Construction complexity + "is_compact": True, # Use compact storage + "is_recompute": True, # Enable pruning for better recall + } + elif backend == "diskann": + builder_kwargs = { + "complexity": 64, + "graph_degree": 32, + "search_memory_maximum": 8.0, # GB + "build_memory_maximum": 16.0, # GB + } + else: + builder_kwargs = {} + + builder = LeannBuilder( + backend_name=backend, + embedding_model="facebook/contriever-msmarco", # Model used to create embeddings + dimensions=768, # Will be auto-detected from embeddings + **builder_kwargs, + ) + + # Build index from precomputed embeddings + builder.build_index_from_embeddings(output_path, embeddings_file) + print(f"Index saved to: {output_path}") + return output_path + + +def main(): + parser = argparse.ArgumentParser( + description="Run recall evaluation on a LEANN index." + ) + parser.add_argument( + "index_path", + type=str, + nargs="?", + help="Path to the LEANN index to evaluate or build (optional).", + ) + parser.add_argument( + "--mode", + choices=["evaluate", "build"], + default="evaluate", + help="Mode: 'evaluate' existing index or 'build' from embeddings", + ) + parser.add_argument( + "--embeddings-file", + type=str, + help="Path to embeddings pickle file (optional for build mode)", + ) + parser.add_argument( + "--backend", + choices=["hnsw", "diskann"], + default="hnsw", + help="Backend to use for building index (default: hnsw)", + ) + parser.add_argument( + "--num-queries", type=int, default=10, help="Number of queries to evaluate." + ) + parser.add_argument( + "--top-k", type=int, default=3, help="The 'k' value for recall@k." + ) + parser.add_argument( + "--ef-search", type=int, default=120, help="The 'efSearch' parameter for HNSW." + ) + args = parser.parse_args() + + # --- Path Configuration --- + # Assumes a project structure where the script is in 'examples/' + # and data is in 'data/' at the project root. + project_root = Path(__file__).resolve().parent.parent + data_root = project_root / "data" + + # Download data based on mode + if args.mode == "build": + # For building mode, we need embeddings + download_data_if_needed( + data_root, download_embeddings=False + ) # Basic data first + + # Auto-detect dataset type and download embeddings + if args.embeddings_file: + embeddings_file = args.embeddings_file + # Try to detect dataset type from embeddings file path + if "rpj_wiki" in str(embeddings_file): + dataset_type = "rpj_wiki" + elif "dpr" in str(embeddings_file): + dataset_type = "dpr" + else: + dataset_type = "dpr" # Default + else: + # Auto-detect from index path if provided, otherwise default to DPR + if args.index_path: + index_path_str = str(args.index_path) + if "rpj_wiki" in index_path_str: + dataset_type = "rpj_wiki" + elif "dpr" in index_path_str: + dataset_type = "dpr" + else: + dataset_type = "dpr" # Default to DPR + else: + dataset_type = "dpr" # Default to DPR + + embeddings_file = download_embeddings_if_needed(data_root, dataset_type) + + # Auto-generate index path if not provided + if not args.index_path: + indices_dir = data_root / "indices" / dataset_type + indices_dir.mkdir(parents=True, exist_ok=True) + args.index_path = str(indices_dir / f"{dataset_type}_from_embeddings") + print(f"Auto-generated index path: {args.index_path}") + + print(f"Building index from embeddings: {embeddings_file}") + built_index_path = build_index_from_embeddings( + embeddings_file, args.index_path, args.backend + ) + print(f"Index built successfully: {built_index_path}") + + # Ask if user wants to run evaluation + eval_response = ( + input("Run evaluation on the built index? (y/n): ").strip().lower() + ) + if eval_response != "y": + print("Index building complete. Exiting.") + return + else: + # For evaluation mode, don't need embeddings + download_data_if_needed(data_root, download_embeddings=False) + + # Auto-detect index path if not provided + if not args.index_path: + # Default to using downloaded indices + indices_dir = data_root / "indices" + + # Try common datasets in order of preference + for dataset in ["dpr", "rpj_wiki"]: + dataset_dir = indices_dir / dataset + if dataset_dir.exists(): + # Look for index files + index_files = list(dataset_dir.glob("*.index")) + list( + dataset_dir.glob("*_disk.index") + ) + if index_files: + args.index_path = str( + index_files[0].with_suffix("") + ) # Remove .index extension + print(f"Using index: {args.index_path}") + break + + if not args.index_path: + print( + "No indices found. The data download should have included pre-built indices." + ) + print( + "Please check the data/indices/ directory or provide --index-path manually." + ) + sys.exit(1) + + # Detect dataset type from index path to select the correct ground truth + index_path_str = str(args.index_path) + if "rpj_wiki" in index_path_str: + dataset_type = "rpj_wiki" + elif "dpr" in index_path_str: + dataset_type = "dpr" + else: + # Fallback: try to infer from the index directory name + dataset_type = Path(args.index_path).name + print( + f"WARNING: Could not detect dataset type from path, inferred '{dataset_type}'." + ) + + queries_file = data_root / "queries" / "nq_open.jsonl" + golden_results_file = ( + data_root / "ground_truth" / dataset_type / "flat_results_nq_k3.json" + ) + + print(f"INFO: Detected dataset type: {dataset_type}") + print(f"INFO: Using queries file: {queries_file}") + print(f"INFO: Using ground truth file: {golden_results_file}") + + try: + searcher = LeannSearcher(args.index_path) + queries = load_queries(queries_file) + + with open(golden_results_file, "r") as f: + golden_results_data = json.load(f) + + num_eval_queries = min(args.num_queries, len(queries)) + queries = queries[:num_eval_queries] + + print(f"\nRunning evaluation on {num_eval_queries} queries...") + recall_scores = [] + search_times = [] + + for i in range(num_eval_queries): + start_time = time.time() + new_results = searcher.search( + queries[i], top_k=args.top_k, ef=args.ef_search + ) + search_times.append(time.time() - start_time) + + # Correct Recall Calculation: Based on TEXT content + new_texts = {result.text for result in new_results} + + # Get golden texts directly from the searcher's passage manager + golden_ids = golden_results_data["indices"][i][: args.top_k] + golden_texts = get_golden_texts(searcher, golden_ids) + + overlap = len(new_texts & golden_texts) + recall = overlap / len(golden_texts) if golden_texts else 0 + recall_scores.append(recall) + + print("\n--- EVALUATION RESULTS ---") + print(f"Query: {queries[i]}") + print(f"New Results: {new_texts}") + print(f"Golden Results: {golden_texts}") + print(f"Overlap: {overlap}") + print(f"Recall: {recall}") + print(f"Search Time: {search_times[-1]:.4f}s") + print("--------------------------------") + + avg_recall = np.mean(recall_scores) if recall_scores else 0 + avg_time = np.mean(search_times) if search_times else 0 + + print("\n🎉 --- Evaluation Complete ---") + print(f"Avg. Recall@{args.top_k} (efSearch={args.ef_search}): {avg_recall:.4f}") + print(f"Avg. Search Time: {avg_time:.4f}s") + + except Exception as e: + print(f"\n❌ An error occurred during evaluation: {e}") + import traceback + + traceback.print_exc() + + +if __name__ == "__main__": + main() diff --git a/apps/wechat/__init__.py b/apps/wechat/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/apps/wechat/__main__.py b/apps/wechat/__main__.py new file mode 100644 index 0000000..7d1c4c7 --- /dev/null +++ b/apps/wechat/__main__.py @@ -0,0 +1,230 @@ +import os +import asyncio +import dotenv +import argparse +from pathlib import Path +from typing import List, Any, Optional +from leann.api import LeannBuilder, LeannSearcher, LeannChat +from llama_index.core.node_parser import SentenceSplitter +import requests +import time + +dotenv.load_dotenv() + +# Default WeChat export directory +DEFAULT_WECHAT_EXPORT_DIR = "./wechat_export_direct" + +def create_leann_index_from_multiple_wechat_exports( + export_dirs: List[Path], + index_path: str = "wechat_history_index.leann", + max_count: int = -1, +): + """ + Create LEANN index from multiple WeChat export data sources. + + Args: + export_dirs: List of Path objects pointing to WeChat export directories + index_path: Path to save the LEANN index + max_count: Maximum number of chat entries to process per export + """ + print("Creating LEANN index from multiple WeChat export data sources...") + + # Load documents using WeChatHistoryReader from local readers module + from .readers import WeChatHistoryReader + + reader = WeChatHistoryReader() + + INDEX_DIR = Path(index_path).parent + + if not INDEX_DIR.exists(): + print(f"--- Index directory not found, building new index ---") + all_documents = [] + total_processed = 0 + + # Process each WeChat export directory + for i, export_dir in enumerate(export_dirs): + print( + f"\nProcessing WeChat export {i + 1}/{len(export_dirs)}: {export_dir}" + ) + + try: + documents = reader.load_data( + wechat_export_dir=str(export_dir), + max_count=max_count, + concatenate_messages=True, # Disable concatenation - one message per document + ) + if documents: + print(f"Loaded {len(documents)} chat documents from {export_dir}") + all_documents.extend(documents) + total_processed += len(documents) + + # Check if we've reached the max count + if max_count > 0 and total_processed >= max_count: + print(f"Reached max count of {max_count} documents") + break + else: + print(f"No documents loaded from {export_dir}") + except Exception as e: + print(f"Error processing {export_dir}: {e}") + continue + + if not all_documents: + print("No documents loaded from any source. Exiting.") + return None + + print( + f"\nTotal loaded {len(all_documents)} chat documents from {len(export_dirs)} exports" + ) + + # Create text splitter with 256 chunk size + text_splitter = SentenceSplitter(chunk_size=256, chunk_overlap=128) + + # Convert Documents to text strings and chunk them + all_texts = [] + for doc in all_documents: + # Split the document into chunks + nodes = text_splitter.get_nodes_from_documents([doc]) + for node in nodes: + text = '[Contact] means the message is from: ' + doc.metadata["contact_name"] + '\n' + node.get_content() + all_texts.append(text) + + print( + f"Created {len(all_texts)} text chunks from {len(all_documents)} documents" + ) + + # Create LEANN index directory + print(f"--- Index directory not found, building new index ---") + INDEX_DIR.mkdir(exist_ok=True) + + print(f"--- Building new LEANN index ---") + + print(f"\n[PHASE 1] Building Leann index...") + + # Use HNSW backend for better macOS compatibility + builder = LeannBuilder( + backend_name="hnsw", + embedding_model="Qwen/Qwen3-Embedding-0.6B", + graph_degree=32, + complexity=64, + is_compact=True, + is_recompute=True, + num_threads=1, # Force single-threaded mode + ) + + print(f"Adding {len(all_texts)} chat chunks to index...") + for chunk_text in all_texts: + builder.add_text(chunk_text) + + builder.build_index(index_path) + print(f"\nLEANN index built at {index_path}!") + else: + print(f"--- Using existing index at {INDEX_DIR} ---") + + return index_path + +async def query_leann_index(index_path: str, query: str): + """ + Query the LEANN index. + + Args: + index_path: Path to the LEANN index + query: The query string + """ + print(f"\n[PHASE 2] Starting Leann chat session...") + chat = LeannChat(index_path=index_path) + + print(f"You: {query}") + chat_response = chat.ask( + query, + top_k=20, + recompute_beighbor_embeddings=True, + complexity=16, + beam_width=1, + llm_config={ + "type": "openai", + "model": "gpt-4o", + "api_key": os.getenv("OPENAI_API_KEY"), + }, + llm_kwargs={"temperature": 0.0, "max_tokens": 1000}, + ) + print(f"Leann: {chat_response}") + +async def main(): + """Main function with integrated WeChat export functionality.""" + + # Parse command line arguments + parser = argparse.ArgumentParser( + description="LEANN WeChat History Reader - Create and query WeChat chat history index" + ) + parser.add_argument( + "--export-dir", + type=str, + default=DEFAULT_WECHAT_EXPORT_DIR, + help=f"Directory to store WeChat exports (default: {DEFAULT_WECHAT_EXPORT_DIR})", + ) + parser.add_argument( + "--index-dir", + type=str, + default="./wechat_history_magic_test_11Debug_new", + help="Directory to store the LEANN index (default: ./wechat_history_index_leann_test)", + ) + parser.add_argument( + "--max-entries", + type=int, + default=50, + help="Maximum number of chat entries to process (default: 5000)", + ) + parser.add_argument( + "--query", + type=str, + default=None, + help="Single query to run (default: runs example queries)", + ) + parser.add_argument( + "--force-export", + action="store_true", + default=False, + help="Force re-export of WeChat data even if exports exist", + ) + + args = parser.parse_args() + + INDEX_DIR = Path(args.index_dir) + INDEX_PATH = str(INDEX_DIR / "wechat_history.leann") + + print(f"Using WeChat export directory: {args.export_dir}") + print(f"Index directory: {INDEX_DIR}") + print(f"Max entries: {args.max_entries}") + + # Initialize WeChat reader with export capabilities + from .readers import WeChatHistoryReader + + reader = WeChatHistoryReader() + + # Find existing exports or create new ones using the centralized method + export_dirs = reader.find_or_export_wechat_data(args.export_dir) + if not export_dirs: + print("Failed to find or export WeChat data. Exiting.") + return + + # Create or load the LEANN index from all sources + index_path = create_leann_index_from_multiple_wechat_exports( + export_dirs, INDEX_PATH, max_count=args.max_entries + ) + + if index_path: + if args.query: + # Run single query + await query_leann_index(index_path, args.query) + else: + # Example queries + queries = [ + "我想买魔术师约翰逊的球衣,给我一些对应聊天记录?", + ] + + for query in queries: + print("\n" + "=" * 60) + await query_leann_index(index_path, query) + +if __name__ == "__main__": + asyncio.run(main()) \ No newline at end of file diff --git a/apps/wechat/readers.py b/apps/wechat/readers.py new file mode 100644 index 0000000..7524dcb --- /dev/null +++ b/apps/wechat/readers.py @@ -0,0 +1,719 @@ +import json +import os +import re +import subprocess +import sys +import time +from pathlib import Path +from typing import List, Any, Dict, Optional +from llama_index.core import Document +from llama_index.core.readers.base import BaseReader +from datetime import datetime + +class WeChatHistoryReader(BaseReader): + """ + WeChat chat history reader that extracts chat data from exported JSON files. + + Reads WeChat chat history from exported JSON files (from wechat-exporter tool) + and creates documents with embedded metadata similar to the Chrome history reader structure. + + Also includes utilities for automatic WeChat chat history export. + """ + + def __init__(self) -> None: + """Initialize.""" + self.packages_dir = Path(__file__).parent.parent.parent / "packages" + self.wechat_exporter_dir = self.packages_dir / "wechat-exporter" + self.wechat_decipher_dir = self.packages_dir / "wechat-decipher-macos" + + def check_wechat_running(self) -> bool: + """Check if WeChat is currently running.""" + try: + result = subprocess.run(["pgrep", "-f", "WeChat"], capture_output=True, text=True) + return result.returncode == 0 + except Exception: + return False + + def install_wechattweak(self) -> bool: + """Install WeChatTweak CLI tool.""" + try: + # Create wechat-exporter directory if it doesn't exist + self.wechat_exporter_dir.mkdir(parents=True, exist_ok=True) + + wechattweak_path = self.wechat_exporter_dir / "wechattweak-cli" + if not wechattweak_path.exists(): + print("Downloading WeChatTweak CLI...") + subprocess.run([ + "curl", "-L", "-o", str(wechattweak_path), + "https://github.com/JettChenT/WeChatTweak-CLI/releases/latest/download/wechattweak-cli" + ], check=True) + + # Make executable + wechattweak_path.chmod(0o755) + + # Install WeChatTweak + print("Installing WeChatTweak...") + subprocess.run(["sudo", str(wechattweak_path), "install"], check=True) + return True + except Exception as e: + print(f"Error installing WeChatTweak: {e}") + return False + + def restart_wechat(self): + """Restart WeChat to apply WeChatTweak.""" + try: + print("Restarting WeChat...") + subprocess.run(["pkill", "-f", "WeChat"], check=False) + time.sleep(2) + subprocess.run(["open", "-a", "WeChat"], check=True) + time.sleep(5) # Wait for WeChat to start + except Exception as e: + print(f"Error restarting WeChat: {e}") + + def check_api_available(self) -> bool: + """Check if WeChatTweak API is available.""" + try: + result = subprocess.run([ + "curl", "-s", "http://localhost:48065/wechat/allcontacts" + ], capture_output=True, text=True, timeout=5) + return result.returncode == 0 and result.stdout.strip() + except Exception: + return False + + + + + def _extract_readable_text(self, content: str) -> str: + """ + Extract readable text from message content, removing XML and system messages. + + Args: + content: The raw message content (can be string or dict) + + Returns: + Cleaned, readable text + """ + if not content: + return "" + + # Handle dictionary content (like quoted messages) + if isinstance(content, dict): + # Extract text from dictionary structure + text_parts = [] + if 'title' in content: + text_parts.append(str(content['title'])) + if 'quoted' in content: + text_parts.append(str(content['quoted'])) + if 'content' in content: + text_parts.append(str(content['content'])) + if 'text' in content: + text_parts.append(str(content['text'])) + + if text_parts: + return " | ".join(text_parts) + else: + # If we can't extract meaningful text from dict, return empty + return "" + + # Handle string content + if not isinstance(content, str): + return "" + + # Remove common prefixes like "wxid_xxx:\n" + clean_content = re.sub(r'^wxid_[^:]+:\s*', '', content) + clean_content = re.sub(r'^[^:]+:\s*', '', clean_content) + + # If it's just XML or system message, return empty + if clean_content.strip().startswith('<') or 'recalled a message' in clean_content: + return "" + + return clean_content.strip() + + def _is_text_message(self, content: str) -> bool: + """ + Check if a message contains readable text content. + + Args: + content: The message content (can be string or dict) + + Returns: + True if the message contains readable text, False otherwise + """ + if not content: + return False + + # Handle dictionary content + if isinstance(content, dict): + # Check if dict has any readable text fields + text_fields = ['title', 'quoted', 'content', 'text'] + for field in text_fields: + if field in content and content[field]: + return True + return False + + # Handle string content + if not isinstance(content, str): + return False + + # Skip image messages (contain XML with img tags) + if ' 0 and not clean_content.strip().startswith('<'): + return True + + return False + + def _concatenate_messages(self, messages: List[Dict], max_length: int = 128, + time_window_minutes: int = 30, overlap_messages: int = 0) -> List[Dict]: + """ + Concatenate messages based on length and time rules. + + Args: + messages: List of message dictionaries + max_length: Maximum length for concatenated message groups. Use -1 to disable length constraint. + time_window_minutes: Time window in minutes to group messages together. Use -1 to disable time constraint. + overlap_messages: Number of messages to overlap between consecutive groups + + Returns: + List of concatenated message groups + """ + if not messages: + return [] + + concatenated_groups = [] + current_group = [] + current_length = 0 + last_timestamp = None + + for message in messages: + # Extract message info + content = message.get('content', '') + message_text = message.get('message', '') + create_time = message.get('createTime', 0) + from_user = message.get('fromUser', '') + to_user = message.get('toUser', '') + is_sent_from_self = message.get('isSentFromSelf', False) + + # Extract readable text + readable_text = self._extract_readable_text(content) + if not readable_text: + readable_text = message_text + + # Skip empty messages + if not readable_text.strip(): + continue + + # Check time window constraint (only if time_window_minutes != -1) + if time_window_minutes != -1 and last_timestamp is not None and create_time > 0: + time_diff_minutes = (create_time - last_timestamp) / 60 + if time_diff_minutes > time_window_minutes: + # Time gap too large, start new group + if current_group: + concatenated_groups.append({ + 'messages': current_group, + 'total_length': current_length, + 'start_time': current_group[0].get('createTime', 0), + 'end_time': current_group[-1].get('createTime', 0) + }) + # Keep last few messages for overlap + if overlap_messages > 0 and len(current_group) > overlap_messages: + current_group = current_group[-overlap_messages:] + current_length = sum(len(self._extract_readable_text(msg.get('content', '')) or msg.get('message', '')) for msg in current_group) + else: + current_group = [] + current_length = 0 + + # Check length constraint (only if max_length != -1) + message_length = len(readable_text) + if max_length != -1 and current_length + message_length > max_length and current_group: + # Current group would exceed max length, save it and start new + concatenated_groups.append({ + 'messages': current_group, + 'total_length': current_length, + 'start_time': current_group[0].get('createTime', 0), + 'end_time': current_group[-1].get('createTime', 0) + }) + # Keep last few messages for overlap + if overlap_messages > 0 and len(current_group) > overlap_messages: + current_group = current_group[-overlap_messages:] + current_length = sum(len(self._extract_readable_text(msg.get('content', '')) or msg.get('message', '')) for msg in current_group) + else: + current_group = [] + current_length = 0 + + # Add message to current group + current_group.append(message) + current_length += message_length + last_timestamp = create_time + + # Add the last group if it exists + if current_group: + concatenated_groups.append({ + 'messages': current_group, + 'total_length': current_length, + 'start_time': current_group[0].get('createTime', 0), + 'end_time': current_group[-1].get('createTime', 0) + }) + + return concatenated_groups + + def _create_concatenated_content(self, message_group: Dict, contact_name: str) -> str: + """ + Create concatenated content from a group of messages. + + Args: + message_group: Dictionary containing messages and metadata + contact_name: Name of the contact + + Returns: + Formatted concatenated content + """ + messages = message_group['messages'] + start_time = message_group['start_time'] + end_time = message_group['end_time'] + + # Format timestamps + if start_time: + try: + start_timestamp = datetime.fromtimestamp(start_time) + start_time_str = start_timestamp.strftime('%Y-%m-%d %H:%M:%S') + except: + start_time_str = str(start_time) + else: + start_time_str = "Unknown" + + if end_time: + try: + end_timestamp = datetime.fromtimestamp(end_time) + end_time_str = end_timestamp.strftime('%Y-%m-%d %H:%M:%S') + except: + end_time_str = str(end_time) + else: + end_time_str = "Unknown" + + # Build concatenated message content + message_parts = [] + for message in messages: + content = message.get('content', '') + message_text = message.get('message', '') + create_time = message.get('createTime', 0) + is_sent_from_self = message.get('isSentFromSelf', False) + + # Extract readable text + readable_text = self._extract_readable_text(content) + if not readable_text: + readable_text = message_text + + # Format individual message + if create_time: + try: + timestamp = datetime.fromtimestamp(create_time) + # change to YYYY-MM-DD HH:MM:SS + time_str = timestamp.strftime('%Y-%m-%d %H:%M:%S') + except: + time_str = str(create_time) + else: + time_str = "Unknown" + + sender = "[Me]" if is_sent_from_self else "[Contact]" + message_parts.append(f"({time_str}) {sender}: {readable_text}") + + concatenated_text = "\n".join(message_parts) + + # Create final document content + doc_content = f""" +Contact: {contact_name} +Time Range: {start_time_str} - {end_time_str} +Messages ({len(messages)} messages, {message_group['total_length']} chars): + +{concatenated_text} +""" + # TODO @yichuan give better format and rich info here! + doc_content = f""" +{concatenated_text} +""" + return doc_content, contact_name + + def load_data(self, input_dir: str = None, **load_kwargs: Any) -> List[Document]: + """ + Load WeChat chat history data from exported JSON files. + + Args: + input_dir: Directory containing exported WeChat JSON files + **load_kwargs: + max_count (int): Maximum amount of chat entries to read. + wechat_export_dir (str): Custom path to WeChat export directory. + include_non_text (bool): Whether to include non-text messages (images, emojis, etc.) + concatenate_messages (bool): Whether to concatenate messages based on length rules. + max_length (int): Maximum length for concatenated message groups (default: 1000). + time_window_minutes (int): Time window in minutes to group messages together (default: 30). + overlap_messages (int): Number of messages to overlap between consecutive groups (default: 2). + """ + docs: List[Document] = [] + max_count = load_kwargs.get('max_count', 1000) + wechat_export_dir = load_kwargs.get('wechat_export_dir', None) + include_non_text = load_kwargs.get('include_non_text', False) + concatenate_messages = load_kwargs.get('concatenate_messages', False) + max_length = load_kwargs.get('max_length', 1000) + time_window_minutes = load_kwargs.get('time_window_minutes', 30) + + # Default WeChat export path + if wechat_export_dir is None: + wechat_export_dir = "./wechat_export_test" + + if not os.path.exists(wechat_export_dir): + print(f"WeChat export directory not found at: {wechat_export_dir}") + return docs + + try: + # Find all JSON files in the export directory + json_files = list(Path(wechat_export_dir).glob("*.json")) + print(f"Found {len(json_files)} WeChat chat history files") + + count = 0 + for json_file in json_files: + if count >= max_count and max_count > 0: + break + + try: + with open(json_file, 'r', encoding='utf-8') as f: + chat_data = json.load(f) + + # Extract contact name from filename + contact_name = json_file.stem + + if concatenate_messages: + # Filter messages to only include readable text messages + readable_messages = [] + for message in chat_data: + try: + content = message.get('content', '') + if not include_non_text and not self._is_text_message(content): + continue + + readable_text = self._extract_readable_text(content) + if not readable_text and not include_non_text: + continue + + readable_messages.append(message) + except Exception as e: + print(f"Error processing message in {json_file}: {e}") + continue + + # Concatenate messages based on rules + message_groups = self._concatenate_messages( + readable_messages, + max_length=-1, + time_window_minutes=-1, + overlap_messages=0 # Keep 2 messages overlap between groups + ) + + # Create documents from concatenated groups + for message_group in message_groups: + if count >= max_count and max_count > 0: + break + + doc_content, contact_name = self._create_concatenated_content(message_group, contact_name) + doc = Document(text=doc_content, metadata={"contact_name": contact_name}) + docs.append(doc) + count += 1 + + print(f"Created {len(message_groups)} concatenated message groups for {contact_name}") + + else: + # Original single-message processing + for message in chat_data: + if count >= max_count and max_count > 0: + break + + # Extract message information + from_user = message.get('fromUser', '') + to_user = message.get('toUser', '') + content = message.get('content', '') + message_text = message.get('message', '') + create_time = message.get('createTime', 0) + is_sent_from_self = message.get('isSentFromSelf', False) + + # Handle content that might be dict or string + try: + # Check if this is a readable text message + if not include_non_text and not self._is_text_message(content): + continue + + # Extract readable text + readable_text = self._extract_readable_text(content) + if not readable_text and not include_non_text: + continue + except Exception as e: + # Skip messages that cause processing errors + print(f"Error processing message in {json_file}: {e}") + continue + + # Convert timestamp to readable format + if create_time: + try: + timestamp = datetime.fromtimestamp(create_time) + time_str = timestamp.strftime('%Y-%m-%d %H:%M:%S') + except: + time_str = str(create_time) + else: + time_str = "Unknown" + + # Create document content with metadata header and contact info + doc_content = f""" +Contact: {contact_name} +Is sent from self: {is_sent_from_self} +Time: {time_str} +Message: {readable_text if readable_text else message_text} +""" + + # Create document with embedded metadata + doc = Document(text=doc_content, metadata={}) + docs.append(doc) + count += 1 + + except Exception as e: + print(f"Error reading {json_file}: {e}") + continue + + print(f"Loaded {len(docs)} WeChat chat documents") + + except Exception as e: + print(f"Error reading WeChat history: {e}") + return docs + + return docs + + @staticmethod + def find_wechat_export_dirs() -> List[Path]: + """ + Find all WeChat export directories. + + Returns: + List of Path objects pointing to WeChat export directories + """ + export_dirs = [] + + # Look for common export directory names + possible_dirs = [ + Path("./wechat_export_test"), + Path("./wechat_export"), + Path("./wechat_chat_history"), + Path("./chat_export") + ] + + for export_dir in possible_dirs: + if export_dir.exists() and export_dir.is_dir(): + json_files = list(export_dir.glob("*.json")) + if json_files: + export_dirs.append(export_dir) + print(f"Found WeChat export directory: {export_dir} with {len(json_files)} files") + + print(f"Found {len(export_dirs)} WeChat export directories") + return export_dirs + + @staticmethod + def export_chat_to_file(output_file: str = "wechat_chat_export.txt", max_count: int = 1000, export_dir: str = None, include_non_text: bool = False): + """ + Export WeChat chat history to a text file. + + Args: + output_file: Path to the output file + max_count: Maximum number of entries to export + export_dir: Directory containing WeChat JSON files + include_non_text: Whether to include non-text messages + """ + if export_dir is None: + export_dir = "./wechat_export_test" + + if not os.path.exists(export_dir): + print(f"WeChat export directory not found at: {export_dir}") + return + + try: + json_files = list(Path(export_dir).glob("*.json")) + + with open(output_file, 'w', encoding='utf-8') as f: + count = 0 + for json_file in json_files: + if count >= max_count and max_count > 0: + break + + try: + with open(json_file, 'r', encoding='utf-8') as json_f: + chat_data = json.load(json_f) + + contact_name = json_file.stem + f.write(f"\n=== Chat with {contact_name} ===\n") + + for message in chat_data: + if count >= max_count and max_count > 0: + break + + from_user = message.get('fromUser', '') + content = message.get('content', '') + message_text = message.get('message', '') + create_time = message.get('createTime', 0) + + # Skip non-text messages unless requested + if not include_non_text: + reader = WeChatHistoryReader() + if not reader._is_text_message(content): + continue + readable_text = reader._extract_readable_text(content) + if not readable_text: + continue + message_text = readable_text + + if create_time: + try: + timestamp = datetime.fromtimestamp(create_time) + time_str = timestamp.strftime('%Y-%m-%d %H:%M:%S') + except: + time_str = str(create_time) + else: + time_str = "Unknown" + + f.write(f"[{time_str}] {from_user}: {message_text}\n") + count += 1 + + except Exception as e: + print(f"Error processing {json_file}: {e}") + continue + + print(f"Exported {count} chat entries to {output_file}") + + except Exception as e: + print(f"Error exporting WeChat chat history: {e}") + + def export_wechat_chat_history(self, export_dir: str = "./wechat_export_direct") -> Optional[Path]: + """ + Export WeChat chat history using wechat-exporter tool. + + Args: + export_dir: Directory to save exported chat history + + Returns: + Path to export directory if successful, None otherwise + """ + try: + import subprocess + import sys + + # Create export directory + export_path = Path(export_dir) + export_path.mkdir(exist_ok=True) + + print(f"Exporting WeChat chat history to {export_path}...") + + # Check if wechat-exporter directory exists + if not self.wechat_exporter_dir.exists(): + print(f"wechat-exporter directory not found at: {self.wechat_exporter_dir}") + return None + + # Install requirements if needed + requirements_file = self.wechat_exporter_dir / "requirements.txt" + if requirements_file.exists(): + print("Installing wechat-exporter requirements...") + subprocess.run([ + "uv", "pip", "install", "-r", str(requirements_file) + ], check=True) + + # Run the export command + print("Running wechat-exporter...") + result = subprocess.run([ + sys.executable, str(self.wechat_exporter_dir / "main.py"), + "export-all", str(export_path) + ], capture_output=True, text=True, check=True) + + print("Export command output:") + print(result.stdout) + if result.stderr: + print("Export errors:") + print(result.stderr) + + # Check if export was successful + if export_path.exists() and any(export_path.glob("*.json")): + json_files = list(export_path.glob("*.json")) + print(f"Successfully exported {len(json_files)} chat history files to {export_path}") + return export_path + else: + print("Export completed but no JSON files found") + return None + + except subprocess.CalledProcessError as e: + print(f"Export command failed: {e}") + print(f"Command output: {e.stdout}") + print(f"Command errors: {e.stderr}") + return None + except Exception as e: + print(f"Export failed: {e}") + print("Please ensure WeChat is running and WeChatTweak is installed.") + return None + + def find_or_export_wechat_data(self, export_dir: str = "./wechat_export_direct") -> List[Path]: + """ + Find existing WeChat exports or create new ones. + + Args: + export_dir: Directory to save exported chat history if needed + + Returns: + List of Path objects pointing to WeChat export directories + """ + export_dirs = [] + + # Look for existing exports in common locations + possible_export_dirs = [ + Path("./wechat_database_export"), + Path("./wechat_export_test"), + Path("./wechat_export"), + Path("./wechat_export_direct"), + Path("./wechat_chat_history"), + Path("./chat_export") + ] + + for export_dir_path in possible_export_dirs: + if export_dir_path.exists() and any(export_dir_path.glob("*.json")): + export_dirs.append(export_dir_path) + print(f"Found existing export: {export_dir_path}") + + # If no existing exports, try to export automatically + if not export_dirs: + print("No existing WeChat exports found. Starting direct export...") + + # Try to export using wechat-exporter + exported_path = self.export_wechat_chat_history(export_dir) + if exported_path: + export_dirs = [exported_path] + else: + print("Failed to export WeChat data. Please ensure WeChat is running and WeChatTweak is installed.") + + return export_dirs \ No newline at end of file diff --git a/examples/data/2501.14312v1 (1).pdf b/examples/data/2501.14312v1 (1).pdf deleted file mode 100644 index 230732b..0000000 Binary files a/examples/data/2501.14312v1 (1).pdf and /dev/null differ diff --git a/examples/data/2506.08276v1.pdf b/examples/data/2506.08276v1.pdf deleted file mode 100644 index 2756eef..0000000 --- a/examples/data/2506.08276v1.pdf +++ /dev/null @@ -1,7905 +0,0 @@ -%PDF-1.5 -% -1 0 obj -<< /Lang (en) /Metadata 3 0 R /Names 4 0 R /OpenAction 5 0 R /Outlines 6 0 R /PageMode /UseOutlines /Pages 7 0 R /Type /Catalog /ViewerPreferences << /DisplayDocTitle true >> >> -endobj -2 0 obj -<< /Author (Yichuan Wang; Shu Liu; Zhifei Li; Yongji Wu; Ziming Mao; Yilong Zhao; Xiao Yan; Zhiying Xu; Yang Zhou; Ion Stoica; Sewon Min; Matei Zaharia; Joseph E. Gonzalez) /CreationDate (D:20250611152430+00'00') /Creator (arXiv GenPDF \(tex2pdf:\)) /DOI (https://doi.org/10.48550/arXiv.2506.08276) /Keywords () /License (http://arxiv.org/licenses/nonexclusive-distrib/1.0/) /ModDate (D:20250611152430+00'00') /PTEX.Fullbanner (This is pdfTeX, Version 3.141592653-2.6-1.40.25 \(TeX Live 2023\) kpathsea version 6.3.5) /Producer (pikepdf 8.15.1) /Title (LEANN: A Low-Storage Vector Index) /Trapped /False /arXivID (https://arxiv.org/abs/2506.08276v1) >> -endobj -3 0 obj -<< /Subtype /XML /Type /Metadata /Length 13436 >> -stream - - - - - - - - Adobe PDF Schema - pdf - http://ns.adobe.com/pdf/1.3/ - - - - Trapped - Text - internal - Indication if the document has been modified to include trapping information - - - - - - XMP Media Management Schema - xmpMM - http://ns.adobe.com/xap/1.0/mm/ - - - - DocumentID - URI - internal - UUID based identifier for all versions and renditions of a document - - - InstanceID - URI - internal - UUID based identifier for specific incarnation of a document - - - VersionID - Text - internal - Document version identifier - - - RenditionClass - RenditionClass - internal - The manner in which a document is rendered - - - - - - PRISM Basic Metadata - prism - http://prismstandard.org/namespaces/basic/3.0/ - - - - complianceProfile - Text - internal - PRISM specification compliance profile to which this document adheres - - - publicationName - Text - external - Publication name - - - aggregationType - Text - external - Publication type - - - bookEdition - Text - external - Edition of the book in which the document was published - - - volume - Text - external - Publication volume number - - - number - Text - external - Publication issue number within a volume - - - pageRange - Text - external - Page range for the document within the print version of its publication - - - issn - Text - external - ISSN for the printed publication in which the document was published - - - eIssn - Text - external - ISSN for the electronic publication in which the document was published - - - isbn - Text - external - ISBN for the publication in which the document was published - - - doi - Text - external - Digital Object Identifier for the document - - - url - URL - external - URL at which the document can be found - - - byteCount - Integer - internal - Approximate file size in octets - - - pageCount - Integer - internal - Number of pages in the print version of the document - - - subtitle - Text - external - Document's subtitle - - - - - - - pikepdf 8.15.1 - - 1.5 - application/pdf - - LEANN: A Low-Storage Vector Index - arXiv - - - 2025-06-11T15:24:30Z - - - - - Text - - - - Yichuan WangShu LiuZhifei LiYongji WuZiming MaoYilong ZhaoXiao YanZhiying XuYang ZhouIon StoicaSewon MinMatei ZahariaJoseph E. Gonzalez - main.tex - - - en - - - https://arxiv.org/abs/2506.08276v1 - 2025-06-11T15:24:30Z - 2025-06-11T15:24:30Z - 2025-06-11T15:24:36.250178+00:00 - arXiv GenPDF (tex2pdf:) - uuid:75fd75f2-b182-4bbb-ac9b-620a88d7aeae - uuid:8d18d13e-fdc9-4541-91dc-efd13959bb18 - 1 - default - three - Proceedings of Make sure to enter the correct conference title from your rights confirmation email (Conference acronym 'XX) - book - 1 - 1 - XXXXXXX.XXXXXXX - 15 - 15 - - http://arxiv.org/licenses/nonexclusive-distrib/1.0/cs.DBcs.LG - - - - -endstream -endobj -4 0 obj -<< /Dests 8 0 R >> -endobj -5 0 obj -<< /D [ 9 0 R /Fit ] /S /GoTo >> -endobj -6 0 obj -<< /Count 11 /First 10 0 R /Last 11 0 R /Type /Outlines >> -endobj -7 0 obj -<< /Count 15 /Kids [ 12 0 R 13 0 R 14 0 R ] /Type /Pages >> -endobj -8 0 obj -<< /Kids [ 15 0 R 16 0 R 17 0 R 18 0 R 19 0 R ] /Limits [ (ALG@line.1) (table.caption.9) ] >> -endobj -9 0 obj -<< /Annots [ 20 0 R 21 0 R 22 0 R 23 0 R 24 0 R 25 0 R 26 0 R 27 0 R 28 0 R 29 0 R 30 0 R 31 0 R 32 0 R 33 0 R 34 0 R 35 0 R 36 0 R ] /Contents [ 37 0 R 38 0 R ] /MediaBox [ 0 0 612 792 ] /Parent 12 0 R /Resources 39 0 R /Type /Page >> -endobj -10 0 obj -<< /A 40 0 R /Next 41 0 R /Parent 6 0 R /Title 42 0 R >> -endobj -11 0 obj -<< /A 43 0 R /Parent 6 0 R /Prev 44 0 R /Title 45 0 R >> -endobj -12 0 obj -<< /Count 6 /Kids [ 9 0 R 46 0 R 47 0 R 48 0 R 49 0 R 50 0 R ] /Parent 7 0 R /Type /Pages >> -endobj -13 0 obj -<< /Count 6 /Kids [ 51 0 R 52 0 R 53 0 R 54 0 R 55 0 R 56 0 R ] /Parent 7 0 R /Type /Pages >> -endobj -14 0 obj -<< /Count 3 /Kids [ 57 0 R 58 0 R 59 0 R ] /Parent 7 0 R /Type /Pages >> -endobj -15 0 obj -<< /Kids [ 60 0 R 61 0 R 62 0 R 63 0 R 64 0 R 65 0 R ] /Limits [ (ALG@line.1) (cite.asai2023self) ] >> -endobj -16 0 obj -<< /Kids [ 66 0 R 67 0 R 68 0 R 69 0 R 70 0 R 71 0 R ] /Limits [ (cite.aumuller2020ann) (cite.munyampirwa2024down) ] >> -endobj -17 0 obj -<< /Kids [ 72 0 R 73 0 R 74 0 R 75 0 R 76 0 R 77 0 R ] /Limits [ (cite.nsg) (equation.5.1) ] >> -endobj -18 0 obj -<< /Kids [ 78 0 R 79 0 R 80 0 R 81 0 R 82 0 R 83 0 R ] /Limits [ (figure.caption.10) (section.5) ] >> -endobj -19 0 obj -<< /Kids [ 84 0 R 85 0 R 86 0 R ] /Limits [ (section.6) (table.caption.9) ] >> -endobj -20 0 obj -<< /A << /D (Hfootnote.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 53.004 360.913 55.494 366.522 ] /Subtype /Link /Type /Annot >> -endobj -21 0 obj -<< /A << /D (cite.izacard2021unsupervised) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 188.421 321.946 199.679 330.2 ] /Subtype /Link /Type /Annot >> -endobj -22 0 obj -<< /A << /D (cite.lin2022pretrained) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 202.564 321.946 213.822 330.2 ] /Subtype /Link /Type /Annot >> -endobj -23 0 obj -<< /A << /D (cite.karpukhin2020dense) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 150.818 298.036 162.075 306.29 ] /Subtype /Link /Type /Annot >> -endobj -24 0 obj -<< /A << /D (cite.zamani2023conversational) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 165.19 298.036 176.448 306.29 ] /Subtype /Link /Type /Annot >> -endobj -25 0 obj -<< /A << /D (cite.craswell2020overview) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 220.739 274.215 231.997 282.379 ] /Subtype /Link /Type /Annot >> -endobj -26 0 obj -<< /A << /D (cite.zhang2018visual) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 234.667 274.125 245.925 282.379 ] /Subtype /Link /Type /Annot >> -endobj -27 0 obj -<< /A << /D (cite.he2019streaming) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 201.078 190.529 212.336 198.693 ] /Subtype /Link /Type /Annot >> -endobj -28 0 obj -<< /A << /D (cite.work-in-progress) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 215.026 190.439 226.284 198.693 ] /Subtype /Link /Type /Annot >> -endobj -29 0 obj -<< /A << /D (cite.wang2024mememo) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 228.973 190.439 240.231 198.693 ] /Subtype /Link /Type /Annot >> -endobj -30 0 obj -<< /A << /D (cite.yin2024devicers) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 242.921 190.439 254.179 198.693 ] /Subtype /Link /Type /Annot >> -endobj -31 0 obj -<< /A << /D (cite.shao2024scaling) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 75.586 154.574 86.844 162.828 ] /Subtype /Link /Type /Annot >> -endobj -32 0 obj -<< /A << /D (cite.wang2021comprehensive_survey) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 340.008 543.703 351.265 551.957 ] /Subtype /Link /Type /Annot >> -endobj -33 0 obj -<< /A << /D (cite.pq) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 394.996 507.837 406.254 516.091 ] /Subtype /Link /Type /Annot >> -endobj -34 0 obj -<< /A << /D (cite.hnsw) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 555.225 436.106 566.483 444.36 ] /Subtype /Link /Type /Annot >> -endobj -35 0 obj -<< /A << /D (cite.shao2024scaling) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 434.339 113.317 445.596 121.571 ] /Subtype /Link /Type /Annot >> -endobj -36 0 obj -<< /A << /S /URI /URI (https://arxiv.org/abs/2506.08276v1) >> /BS << /W 0 >> /NM (fitz-L0) /Rect [ 12 227.68 32 564.32 ] /Subtype /Link >> -endobj -37 0 obj -<< /Filter /FlateDecode /Length 139 >> -stream -xEM -1 9E.1Mtą ;E*.;*{L@y9v֣TaxL #koC4¢Bb\ZmE{&&=X\B鑁)VL>m`` o6& -endstream -endobj -38 0 obj -<< /Filter /FlateDecode /Length 5551 >> -stream -xڥ[[ȱ~_GOԅg^l2gݙp-0_2+@h<=KEjV_f/^++ kU{XID(*V^lT_OM~y5|_PݤzW@߼ïR\I)g~XmbJDRZ5 Ff}0:"ve64A/#u(>YGH&\$5ի͸-3C~ijE&'?ʇ+,. & Wf/;NDOa~ۏ*CʪqpXeϑ~:\]">/aZfō̈́VO]AJp -}_Xd }EziH}NgJ&}މf|p+wbF4Ϣq/揋 -ipF3zC32^+EZ gwG ka`ܷ9vd"HI8(+ [U0U(Xv6yKOH^E~=pU8>} P벦k~:veS󘶇YPfER?C_ ?i$TUQ<*wA\ˏC]E]o8m_í i&ahYcAe!uw(@4Zsz##kMrT 鄓7n)/GQ%W7;$ -In6u~Ĝ޵!;zylܗG8_M}t/7 kb\14*ႎ*/WTx#5sms:iONcW~L4mK8}(4Dc'~|ĝk5"o#Ϲ zt풔)RŜ9{<^&qCZwrnϫ, }K%{$y nHs~ +Ke #N ,oI8Nᚸ[rx$!Q双(|+NGd"2e -N&p?8GA-tvw*܍YmMס:Y --3ZމG1Dz{:psh6#ilϥ~:a,jb˴ Nt|G@j&NIF2>6/zKU)DlK -OvFa';FM<+ڎ>.@-$ڙ*115<:I:u|{)4&D1:źmZ-X*0e=E3SR"tq\[{t i3| ;s~:L\lak8ᙣP&Z΂e%Od0^N\{xBk\K6vSed$LG GTɷb-Tqst ޶3?x``Izн).h=%r?']=VN0Q1Irc sǝנJ'[σʺ -瀞Vq5}uO{S0yA$ɖgć^ lSc#,Bh 5/<9to`lLPĉ v}ޚ*o)%A%ʚ{KQ5Cp -] - S_X~5ab.Amr}ǖO 㟮YFLkTNJh2RbV|@… nx&K6[xHignhtD^_3[|W2;^K<3>Y *Tayw队VKMKvQg)͟'-8%O|tĽ{(%7Gv9=:֚4Fd*x+kرF#Ksj,^MXkBhϗ29#1_xYhp` RmK]ǚǞ|˞|@hU<ŇY=8a  g':ZWígoǨf2 $qL_ -!:C~x~+2Z"vEwl:;NJ%#m",%fq 7rCmN@C2<@p7QĖ)NsTQ ҡ7a-w69"0=,N.,_7EjiwgaSSPYKZx h㚩グFSXPqQ |N2rJ -;e\(MwXp8G98!,I - -Zd B{#f#7Ǡ@mf *z gנ|4dE jQ+?.cp޵ E-cKaXpo%.BDHAƆY:F-dDYmy5CݍE a nsx^ݽE`28\VՋF4h8|] - IRWq\~W B$"C6P.s L-, -swRo3|d0꬟uȓT)}3|鲠2Je o@F}2N`9Q!ݐ >#W͙Sz -o|*>g7 F}J*L~xpy1sU5*@[/(M@ -Q11GXt05=ޒ_<򐆮 %w UIh`HL|da! 73Sf|033!ߘtY e ۼ0>߂aLBJ{WV'`֪w0̠&39TO'EXQg -l[৚?DBc0}I0k>pw洤IjKR}e/@ 1L\m -y nT{!;8/k;̔Y?P(-nc3$]kH_wM;FCѶ]ű@~jv8:zZ?Y k!MOU^ܓfGƸh}Pe2/cq$b2-'']:Y9<|bT]r=2Į.Ƴ^;ܱV":Y˽_ٲ ⻇L7n-)E$Dxз.h³,@H_2:еw5U&lu1Cjc]%3ԧIYi WQJXH/=:XWd H39xKkos&lfV !P=vpv:L$ǓhJIEݟEu׺^X-0g0'/]*t\:BeRDAJ6 F, d, |3#Gr}K^2`vs~Ųt -'T }vOyF}'`' x=2i x7?g* J):0UaCRb&Ňy5'.+p6̓+ό5/+`p -^iY@l)6jor,{a9 w#T2f(aM$լjuA.:h [4!f {Tn&h>&4?/4>A$KŇC,PϣP2-טKaOy% 9$p-֫ 0{q Z~k$xnadS|vA5ƱΒAo2&Z.ݽ̑&Ny@9rr -1ud7x =ʡ4eg cDoX1O]B' ѕÉp8фKqt[jsA%k'nj}{eBO{v -pELX+wDU!эiAsIT e4ĘhoS *.H;T -q ͉O< (ǣ?[_%R7*@d3,Xn1ڿ&*").^'eY6(4[6bt Vm-hl|7ؔIcAr摄))Z8nKA-Ϻs9mqQ8:e3`~#hG,&ђ:g6Zv]&*ؕ`ǼO[׌ŸXdaǧAAG +?o>c,[׽?ğzE^{ЀK̀KĝF"̢AAc~l0w[99u=yUn:.\k}q,Yl+-]wYbW4˚reAS -voM1ʟhМZ9GY Il`?~tnGۅkvt(ȇ\-׋mnGС+Iƙ&kzڦyR7 -k7Ԃ{y r%2!P%▚TuF~?Qf8NY䂺,zȡ 6)6C} [ FfGƘ**|$$VۈFƧ(GdPSb 79Wkxȇ?,E{)rB='Ga|l8GބW~|fͼD!,W+^EJ_w%DzUS*HCt=:<>ۤ#&ϒӟHOz#,'G'Ǒ=qĹ C#YrL[a v6杕l8 -endstream -endobj -39 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F206 92 0 R /F209 93 0 R /F212 94 0 R /F246 95 0 R /Times-Roman 96 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] >> -endobj -40 0 obj -<< /D (section*.1) /S /GoTo >> -endobj -41 0 obj -<< /A 98 0 R /Next 99 0 R /Parent 6 0 R /Prev 10 0 R /Title 100 0 R >> -endobj -42 0 obj - -endobj -43 0 obj -<< /D (section*.17) /S /GoTo >> -endobj -44 0 obj -<< /A 101 0 R /Next 11 0 R /Parent 6 0 R /Prev 102 0 R /Title 103 0 R >> -endobj -45 0 obj - -endobj -46 0 obj -<< /Annots [ 104 0 R 105 0 R 106 0 R 107 0 R 108 0 R 109 0 R 110 0 R 111 0 R 112 0 R 113 0 R 114 0 R 115 0 R 116 0 R 117 0 R 118 0 R 119 0 R 120 0 R 121 0 R 122 0 R 123 0 R ] /Contents 124 0 R /MediaBox [ 0 0 612 792 ] /Parent 12 0 R /Resources 125 0 R /Type /Page >> -endobj -47 0 obj -<< /Annots [ 126 0 R 127 0 R 128 0 R 129 0 R 130 0 R 131 0 R 132 0 R 133 0 R 134 0 R 135 0 R 136 0 R 137 0 R 138 0 R 139 0 R 140 0 R 141 0 R 142 0 R 143 0 R 144 0 R 145 0 R 146 0 R 147 0 R 148 0 R 149 0 R 150 0 R 151 0 R ] /Contents 152 0 R /MediaBox [ 0 0 612 792 ] /Parent 12 0 R /Resources 153 0 R /Type /Page >> -endobj -48 0 obj -<< /Annots [ 154 0 R 155 0 R 156 0 R 157 0 R 158 0 R 159 0 R 160 0 R 161 0 R 162 0 R 163 0 R 164 0 R 165 0 R 166 0 R 167 0 R 168 0 R 169 0 R ] /Contents 170 0 R /MediaBox [ 0 0 612 792 ] /Parent 12 0 R /Resources 171 0 R /Type /Page >> -endobj -49 0 obj -<< /Annots [ 172 0 R 173 0 R 174 0 R 175 0 R 176 0 R 177 0 R 178 0 R ] /Contents 179 0 R /MediaBox [ 0 0 612 792 ] /Parent 12 0 R /Resources 180 0 R /Type /Page >> -endobj -50 0 obj -<< /Annots [ 181 0 R 182 0 R 183 0 R 184 0 R 185 0 R 186 0 R 187 0 R 188 0 R 189 0 R 190 0 R ] /Contents 191 0 R /MediaBox [ 0 0 612 792 ] /Parent 12 0 R /Resources 192 0 R /Type /Page >> -endobj -51 0 obj -<< /Annots [ 193 0 R 194 0 R 195 0 R 196 0 R 197 0 R 198 0 R 199 0 R 200 0 R 201 0 R 202 0 R 203 0 R 204 0 R 205 0 R 206 0 R 207 0 R 208 0 R 209 0 R 210 0 R 211 0 R 212 0 R 213 0 R 214 0 R 215 0 R 216 0 R 217 0 R 218 0 R 219 0 R 220 0 R 221 0 R 222 0 R ] /Contents 223 0 R /MediaBox [ 0 0 612 792 ] /Parent 13 0 R /Resources 224 0 R /Type /Page >> -endobj -52 0 obj -<< /Annots [ 225 0 R 226 0 R 227 0 R 228 0 R 229 0 R 230 0 R 231 0 R 232 0 R 233 0 R 234 0 R 235 0 R 236 0 R 237 0 R ] /Contents 238 0 R /MediaBox [ 0 0 612 792 ] /Parent 13 0 R /Resources 239 0 R /Type /Page >> -endobj -53 0 obj -<< /Annots [ 240 0 R 241 0 R 242 0 R 243 0 R 244 0 R 245 0 R 246 0 R 247 0 R 248 0 R 249 0 R 250 0 R 251 0 R 252 0 R 253 0 R 254 0 R ] /Contents 255 0 R /MediaBox [ 0 0 612 792 ] /Parent 13 0 R /Resources 256 0 R /Type /Page >> -endobj -54 0 obj -<< /Annots [ 257 0 R 258 0 R 259 0 R 260 0 R 261 0 R 262 0 R 263 0 R 264 0 R 265 0 R 266 0 R 267 0 R 268 0 R 269 0 R 270 0 R 271 0 R ] /Contents 272 0 R /MediaBox [ 0 0 612 792 ] /Parent 13 0 R /Resources 273 0 R /Type /Page >> -endobj -55 0 obj -<< /Annots [ 274 0 R 275 0 R 276 0 R 277 0 R 278 0 R 279 0 R 280 0 R 281 0 R 282 0 R 283 0 R 284 0 R 285 0 R 286 0 R 287 0 R 288 0 R 289 0 R 290 0 R 291 0 R ] /Contents 292 0 R /MediaBox [ 0 0 612 792 ] /Parent 13 0 R /Resources 293 0 R /Type /Page >> -endobj -56 0 obj -<< /Annots [ 294 0 R 295 0 R 296 0 R 297 0 R 298 0 R 299 0 R 300 0 R 301 0 R 302 0 R 303 0 R 304 0 R 305 0 R 306 0 R 307 0 R 308 0 R 309 0 R ] /Contents 310 0 R /MediaBox [ 0 0 612 792 ] /Parent 13 0 R /Resources 311 0 R /Type /Page >> -endobj -57 0 obj -<< /Annots [ 312 0 R 313 0 R 314 0 R 315 0 R 316 0 R 317 0 R 318 0 R 319 0 R 320 0 R 321 0 R 322 0 R 323 0 R 324 0 R 325 0 R 326 0 R 327 0 R 328 0 R 329 0 R 330 0 R 331 0 R 332 0 R 333 0 R 334 0 R 335 0 R 336 0 R 337 0 R 338 0 R 339 0 R ] /Contents 340 0 R /MediaBox [ 0 0 612 792 ] /Parent 14 0 R /Resources 341 0 R /Type /Page >> -endobj -58 0 obj -<< /Annots [ 342 0 R 343 0 R 344 0 R 345 0 R 346 0 R 347 0 R 348 0 R 349 0 R 350 0 R 351 0 R 352 0 R 353 0 R 354 0 R 355 0 R 356 0 R 357 0 R 358 0 R 359 0 R 360 0 R 361 0 R 362 0 R 363 0 R 364 0 R 365 0 R 366 0 R 367 0 R 368 0 R 369 0 R 370 0 R 371 0 R ] /Contents 372 0 R /MediaBox [ 0 0 612 792 ] /Parent 14 0 R /Resources 373 0 R /Type /Page >> -endobj -59 0 obj -<< /Annots [ 374 0 R 375 0 R 376 0 R 377 0 R ] /Contents 378 0 R /MediaBox [ 0 0 612 792 ] /Parent 14 0 R /Resources 379 0 R /Type /Page >> -endobj -60 0 obj -<< /Limits [ (ALG@line.1) (ALG@line.14) ] /Names [ (ALG@line.1) 380 0 R (ALG@line.10) 381 0 R (ALG@line.11) 382 0 R (ALG@line.12) 383 0 R (ALG@line.13) 384 0 R (ALG@line.14) 385 0 R ] >> -endobj -61 0 obj -<< /Limits [ (ALG@line.15) (ALG@line.2) ] /Names [ (ALG@line.15) 386 0 R (ALG@line.16) 387 0 R (ALG@line.17) 388 0 R (ALG@line.18) 389 0 R (ALG@line.19) 390 0 R (ALG@line.2) 391 0 R ] >> -endobj -62 0 obj -<< /Limits [ (ALG@line.20) (ALG@line.7) ] /Names [ (ALG@line.20) 392 0 R (ALG@line.3) 393 0 R (ALG@line.4) 394 0 R (ALG@line.5) 395 0 R (ALG@line.6) 396 0 R (ALG@line.7) 397 0 R ] >> -endobj -63 0 obj -<< /Limits [ (ALG@line.8) (Hfootnote.3) ] /Names [ (ALG@line.8) 398 0 R (ALG@line.9) 399 0 R (Doc-Start) 400 0 R (Hfootnote.1) 401 0 R (Hfootnote.2) 402 0 R (Hfootnote.3) 403 0 R ] >> -endobj -64 0 obj -<< /Limits [ (Item.1) (algorithm.3) ] /Names [ (Item.1) 404 0 R (Item.2) 405 0 R (Item.3) 406 0 R (algorithm.1) 407 0 R (algorithm.2) 408 0 R (algorithm.3) 409 0 R ] >> -endobj -65 0 obj -<< /Limits [ (cite.LM-DiskANN) (cite.asai2023self) ] /Names [ (cite.LM-DiskANN) 410 0 R (cite.ObjectBox2024EdgeAI) 411 0 R (cite.Totino2025PhoneStorage) 412 0 R (cite.Xue2024PowerInfer2) 413 0 R (cite.appleM1Ultra) 414 0 R (cite.asai2023self) 415 0 R ] >> -endobj -66 0 obj -<< /Limits [ (cite.aumuller2020ann) (cite.choo2020k) ] /Names [ (cite.aumuller2020ann) 416 0 R (cite.azure2025vectorquota) 417 0 R (cite.baranchuk2019towards) 418 0 R (cite.cai2024recall) 419 0 R (cite.castro2024azure) 420 0 R (cite.choo2020k) 421 0 R ] >> -endobj -67 0 obj -<< /Limits [ (cite.craswell2020overview) (cite.dubey2024llama) ] /Names [ (cite.craswell2020overview) 422 0 R (cite.cui2022dvabatch) 423 0 R (cite.diskann) 424 0 R (cite.douze2018link) 425 0 R (cite.douze2020faiss1t) 426 0 R (cite.dubey2024llama) 427 0 R ] >> -endobj -68 0 obj -<< /Limits [ (cite.faiss) (cite.graph_better) ] /Names [ (cite.faiss) 428 0 R (cite.faissGuidelines) 429 0 R (cite.fast25) 430 0 R (cite.g5.48xlarge) 431 0 R (cite.gao2024rabitq_gps_ref15) 432 0 R (cite.graph_better) 433 0 R ] >> -endobj -69 0 obj -<< /Limits [ (cite.hcnng) (cite.ivf_crtpt:2023/1438) ] /Names [ (cite.hcnng) 434 0 R (cite.he2019streaming) 435 0 R (cite.hmann) 436 0 R (cite.hnsw) 437 0 R (cite.ivf) 438 0 R (cite.ivf_crtpt:2023/1438) 439 0 R ] >> -endobj -70 0 obj -<< /Limits [ (cite.izacard2021unsupervised) (cite.li2019approximate) ] /Names [ (cite.izacard2021unsupervised) 440 0 R (cite.joshi2017triviaqa) 441 0 R (cite.karpukhin2020dense) 442 0 R (cite.ktransformers2025) 443 0 R (cite.kwiatkowski-etal-2019-natural) 444 0 R (cite.li2019approximate) 445 0 R ] >> -endobj -71 0 obj -<< /Limits [ (cite.li2023towardsgte) (cite.munyampirwa2024down) ] /Names [ (cite.li2023towardsgte) 446 0 R (cite.li2024svdqunat) 447 0 R (cite.lin2022pretrained) 448 0 R (cite.mac) 449 0 R (cite.msjimmy_bm25) 450 0 R (cite.munyampirwa2024down) 451 0 R ] >> -endobj -72 0 obj -<< /Limits [ (cite.nsg) (cite.pineconeHNSW) ] /Names [ (cite.nsg) 452 0 R (cite.nssg) 453 0 R (cite.nvidia2024blackwell) 454 0 R (cite.nvidiaA10) 455 0 R (cite.optimum2025storage) 456 0 R (cite.pineconeHNSW) 457 0 R ] >> -endobj -73 0 obj -<< /Limits [ (cite.pq) (cite.schuhmann2021laion) ] /Names [ (cite.pq) 458 0 R (cite.priximity_graph) 459 0 R (cite.rein2024gpqa) 460 0 R (cite.rekabsaz2021tripclick) 461 0 R (cite.ryan2024enronqa) 462 0 R (cite.schuhmann2021laion) 463 0 R ] >> -endobj -74 0 obj -<< /Limits [ (cite.seemakhupt2024edgerag) (cite.snap_cvpr2023_tutorial) ] /Names [ (cite.seemakhupt2024edgerag) 464 0 R (cite.severo2025lossless) 465 0 R (cite.shao2024scaling) 466 0 R (cite.shen2024understandingsystemstradeoffsretrievalaugmented) 467 0 R (cite.skewmanohar2024parlayann) 468 0 R (cite.snap_cvpr2023_tutorial) 469 0 R ] >> -endobj -75 0 obj -<< /Limits [ (cite.sptag) (cite.wang2024starling_sigmod) ] /Names [ (cite.sptag) 470 0 R (cite.tatsuno2024aisaq_gps_ref46) 471 0 R (cite.together2023redpajama) 472 0 R (cite.wang2021comprehensive_survey) 473 0 R (cite.wang2024mememo) 474 0 R (cite.wang2024starling_sigmod) 475 0 R ] >> -endobj -76 0 obj -<< /Limits [ (cite.work-in-progress) (cite.zerhoudi2024personarag) ] /Names [ (cite.work-in-progress) 476 0 R (cite.yang2018hotpotqa) 477 0 R (cite.yin2024devicers) 478 0 R (cite.yu2025ragdoll) 479 0 R (cite.zamani2023conversational) 480 0 R (cite.zerhoudi2024personarag) 481 0 R ] >> -endobj -77 0 obj -<< /Limits [ (cite.zhang2018visual) (equation.5.1) ] /Names [ (cite.zhang2018visual) 482 0 R (cite.zhang2020learning) 483 0 R (cite.zhu) 484 0 R (cite.zhu2024nanoflow) 485 0 R (cite.zilliz2025hnswoverhead) 486 0 R (equation.5.1) 487 0 R ] >> -endobj -78 0 obj -<< /Limits [ (figure.caption.10) (figure.caption.15) ] /Names [ (figure.caption.10) 488 0 R (figure.caption.11) 489 0 R (figure.caption.12) 490 0 R (figure.caption.13) 491 0 R (figure.caption.14) 492 0 R (figure.caption.15) 493 0 R ] >> -endobj -79 0 obj -<< /Limits [ (figure.caption.3) (page.1) ] /Names [ (figure.caption.3) 494 0 R (figure.caption.4) 495 0 R (figure.caption.6) 496 0 R (figure.caption.7) 497 0 R (figure.caption.8) 498 0 R (page.1) 499 0 R ] >> -endobj -80 0 obj -<< /Limits [ (page.10) (page.15) ] /Names [ (page.10) 500 0 R (page.11) 501 0 R (page.12) 502 0 R (page.13) 503 0 R (page.14) 504 0 R (page.15) 505 0 R ] >> -endobj -81 0 obj -<< /Limits [ (page.2) (page.7) ] /Names [ (page.2) 506 0 R (page.3) 507 0 R (page.4) 508 0 R (page.5) 509 0 R (page.6) 510 0 R (page.7) 511 0 R ] >> -endobj -82 0 obj -<< /Limits [ (page.8) (section*.2) ] /Names [ (page.8) 512 0 R (page.9) 513 0 R (section*.1) 514 0 R (section*.16) 515 0 R (section*.17) 516 0 R (section*.2) 517 0 R ] >> -endobj -83 0 obj -<< /Limits [ (section*.5) (section.5) ] /Names [ (section*.5) 518 0 R (section.1) 519 0 R (section.2) 520 0 R (section.3) 521 0 R (section.4) 522 0 R (section.5) 523 0 R ] >> -endobj -84 0 obj -<< /Limits [ (section.6) (subsection.2.2) ] /Names [ (section.6) 524 0 R (section.7) 525 0 R (section.8) 526 0 R (section.9) 527 0 R (subsection.2.1) 528 0 R (subsection.2.2) 529 0 R ] >> -endobj -85 0 obj -<< /Limits [ (subsection.2.3) (subsection.6.3) ] /Names [ (subsection.2.3) 530 0 R (subsection.4.1) 531 0 R (subsection.4.2) 532 0 R (subsection.6.1) 533 0 R (subsection.6.2) 534 0 R (subsection.6.3) 535 0 R ] >> -endobj -86 0 obj -<< /Limits [ (subsection.6.4) (table.caption.9) ] /Names [ (subsection.6.4) 536 0 R (subsection.8.1) 537 0 R (subsection.8.2) 538 0 R (subsection.8.3) 539 0 R (table.caption.9) 540 0 R ] >> -endobj -87 0 obj -<< /pgfprgb [ /Pattern /DeviceRGB ] >> -endobj -88 0 obj -<< >> -endobj -89 0 obj -<< /BaseFont /SVARXO+LinLibertineTB /Encoding 541 0 R /FirstChar 27 /FontDescriptor 542 0 R /LastChar 122 /Subtype /Type1 /ToUnicode 543 0 R /Type /Font /Widths 544 0 R >> -endobj -90 0 obj -<< /BaseFont /DHRMAA+LinLibertineT /Encoding 545 0 R /FirstChar 16 /FontDescriptor 546 0 R /LastChar 252 /Subtype /Type1 /ToUnicode 547 0 R /Type /Font /Widths 548 0 R >> -endobj -91 0 obj -<< /BaseFont /KLFPWG+txsys /FirstChar 1 /FontDescriptor 549 0 R /LastChar 188 /Subtype /Type1 /ToUnicode 550 0 R /Type /Font /Widths 551 0 R >> -endobj -92 0 obj -<< /BaseFont /PEYUND+LibertineMathMI /FirstChar 22 /FontDescriptor 552 0 R /LastChar 149 /Subtype /Type1 /ToUnicode 553 0 R /Type /Font /Widths 554 0 R >> -endobj -93 0 obj -<< /BaseFont /DHRMAA+LinLibertineT /Encoding 555 0 R /FirstChar 37 /FontDescriptor 546 0 R /LastChar 120 /Subtype /Type1 /ToUnicode 556 0 R /Type /Font /Widths 557 0 R >> -endobj -94 0 obj -<< /BaseFont /TCFTCN+LinLibertineTI /Encoding 558 0 R /FirstChar 38 /FontDescriptor 559 0 R /LastChar 122 /Subtype /Type1 /ToUnicode 560 0 R /Type /Font /Widths 561 0 R >> -endobj -95 0 obj -<< /BaseFont /DHRMAA+LinLibertineT /Encoding 562 0 R /FirstChar 132 /FontDescriptor 546 0 R /LastChar 132 /Subtype /Type1 /ToUnicode 563 0 R /Type /Font /Widths 564 0 R >> -endobj -96 0 obj -<< /BaseFont /Times-Roman /Encoding /WinAnsiEncoding /Subtype /Type1 /Type /Font >> -endobj -97 0 obj -<< >> -endobj -98 0 obj -<< /D (section.1) /S /GoTo >> -endobj -99 0 obj -<< /A 565 0 R /Count -3 /First 566 0 R /Last 567 0 R /Next 568 0 R /Parent 6 0 R /Prev 41 0 R /Title 569 0 R >> -endobj -100 0 obj - -endobj -101 0 obj -<< /D (section.9) /S /GoTo >> -endobj -102 0 obj -<< /A 570 0 R /Count -3 /First 571 0 R /Last 572 0 R /Next 44 0 R /Parent 6 0 R /Prev 573 0 R /Title 574 0 R >> -endobj -103 0 obj - -endobj -104 0 obj -<< /A << /D (cite.faiss) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 226.768 625.24 238.026 633.494 ] /Subtype /Link /Type /Annot >> -endobj -105 0 obj -<< /A << /D (cite.kwiatkowski-etal-2019-natural) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 74.439 601.33 85.696 609.584 ] /Subtype /Link /Type /Annot >> -endobj -106 0 obj -<< /A << /D (cite.yang2018hotpotqa) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 143.671 601.33 154.929 609.584 ] /Subtype /Link /Type /Annot >> -endobj -107 0 obj -<< /A << /D (cite.joshi2017triviaqa) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 208.326 601.33 219.584 609.584 ] /Subtype /Link /Type /Annot >> -endobj -108 0 obj -<< /A << /D (cite.rein2024gpqa) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 279.464 601.33 290.722 609.584 ] /Subtype /Link /Type /Annot >> -endobj -109 0 obj -<< /A << /D (cite.nvidiaA10) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 174.56 565.465 185.818 573.719 ] /Subtype /Link /Type /Annot >> -endobj -110 0 obj -<< /A << /D (cite.mac) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 284.246 565.465 290.871 573.719 ] /Subtype /Link /Type /Annot >> -endobj -111 0 obj -<< /A << /D (cite.ivf) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 245.633 75.303 256.891 83.557 ] /Subtype /Link /Type /Annot >> -endobj -112 0 obj -<< /A << /D (cite.hnsw) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 259.472 75.303 270.73 83.557 ] /Subtype /Link /Type /Annot >> -endobj -113 0 obj -<< /A << /D (cite.shen2024understandingsystemstradeoffsretrievalaugmented) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 471.419 565.302 482.677 573.556 ] /Subtype /Link /Type /Annot >> -endobj -114 0 obj -<< /A << /D (cite.ivf) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 505.519 441.765 516.777 450.019 ] /Subtype /Link /Type /Annot >> -endobj -115 0 obj -<< /A << /D (cite.choo2020k) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 357.828 417.855 364.453 426.109 ] /Subtype /Link /Type /Annot >> -endobj -116 0 obj -<< /A << /D (cite.hnsw) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 504.771 378.004 516.029 386.258 ] /Subtype /Link /Type /Annot >> -endobj -117 0 obj -<< /A << /D (cite.nsg) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 467.724 366.139 478.981 374.303 ] /Subtype /Link /Type /Annot >> -endobj -118 0 obj -<< /A << /D (cite.priximity_graph) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 481.711 366.049 492.969 374.303 ] /Subtype /Link /Type /Annot >> -endobj -119 0 obj -<< /A << /D (cite.diskann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 495.698 366.049 506.956 374.303 ] /Subtype /Link /Type /Annot >> -endobj -120 0 obj -<< /A << /D (subsection.2.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 438.742 280.126 456.904 291.314 ] /Subtype /Link /Type /Annot >> -endobj -121 0 obj -<< /A << /D (algorithm.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 372.991 240.438 379.649 251.626 ] /Subtype /Link /Type /Annot >> -endobj -122 0 obj -<< /A << /D (ALG@line.4) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 429.675 191.776 436.393 203.99 ] /Subtype /Link /Type /Annot >> -endobj -123 0 obj -<< /A << /D (ALG@line.9) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 439.969 191.776 446.687 203.99 ] /Subtype /Link /Type /Annot >> -endobj -124 0 obj -<< /Filter /FlateDecode /Length 6513 >> -stream -xڵ<ۖq -s2NdJo╎ "Y,} 8#miF_^X~&wJ *WJfB7+kVaz6T롩Wz{r]ocreuF=^Cs);z;9޷ j#S=}wM?D=nsݟYMUR1@F:m~k!vw~wiԅap0-cݍ}s[@Be^~+|# mөLZH;u؏W\MHc<*J)5ZsUmb,2[tB(?(6#x t7KVnvSG[ЋLNταZd`'vc fU3=mЋ< KOstsȂ-,P] 5K ff{2Rv'V) -ع Vy+,\cDU *A*ȓ)WѸ;:zr=oEy#DD[R@v㏘V<\ޑY}/& - Uj;~<(c)5RMc+6hmG =zxҭm'iU>@S -X0S#݄kzS:\TE2<򸲰J"Т8McouN`-оSRU8Xf7=!^'cPMc71<)30tat3^Ok`CVB<w@DwT^I -QD -Wb~t?ºxjo&>bPS7Ap9 CdonA}onf`5T?8 DP#ȩ : kfIM^(F(c:Lئ['{o2,c(hk"ip2@F0(N멥`,~֎~xpvp -f F?2#܉h1&6ыv#L2!) oc,K/ Q6G/zpY.eÌc8 -dA!,yNvSp2)mƘu)L24E|]6zųBf|͖%dСw9?b7K6ӕ G2d3 a~{Oe䰾f!~;i -YpJ#\|ҥe:L0"SȢN|)qɄkߣZ=T`*veA0^riYPQJY@6`q2+U2mSO --Y򨏦 -nk"5A)?oʳ6祥sgBYSPO)ufI=%bF܏ʌO~LL:w_fF=- 0&y'ĶJd@LRN6%8 @؉wbizn@ɼʬdRRgUQztEj"ar;oOU~QXY"f< =ɣK;sn -T*cܣ>" -]iՉ6a9]HU@y15 hbfmYpΒ$[Zܰ7QrG,͵ LLd2`p4)3I8;RSaai'UqAYLzj /\WdRVѼ40֑yQDLab6aլ8l,wEd@Tn&U1.m YwM׏͐Z^۲@f <*Z -ޝ#8<})TB 4O>T,H llF.۶?c`輻=&<Ӱtg)3 t "c7qH4{ge { -~r[Ӗ&^L Y`EY ΌM_9ft `fW^uL5/11zlTdIr >'vjlO9םo‡soԃ L,+)),-ujb)DQ eyYGIDVs1LBa>U l_ڭ8@0 JTqC@>(i˲nr [Js2}֏z{hdighXPj4vUK拉oöXmn΀yg>7*w'brU>5 X嗰/c2#؍j;גޤrđO0z 0}3:T!XpM1q@.J&հ Ct1Vˑ ˬYfP=*cbTEMdüi[%mB4}Bh1dֱF2" 3uN#H - 2OE'<1o1t&^|hi~=lGAGr=-u zWGM}&zD[KJ+ڰAt{rRZrɋ=GQ ҹ* [8 O0Aԧ;L)b|3$lVv/^fc咣291({kZYҒ罒yj0_"T5E -i,K LƉGcF 8vJ|{b%+\J2z"cpgrQbI*S`1/;g`6q+_vfڸ@VtqQ8*W Xv+23*.Շ7L9|/@>,!TANnNS7u)5ISgI;seX\AƛS/V*W@;jU*BӲq;vAŬ˞Jvҽ6Ye"ሖHߤsۍ ~wŵP(n-!,uC+@4Cz%j@1AvͰE|)=.u>*߉:B>p0ftTԀdҿS/fm ՟o #[9<C BAoGKbÀ bm)1_1tS3s@ތ]+נ^agz9γۏE[B?ci|7KJiUtbP'?\\nB[Hs d^'yK>9|͋Qg20Wf@z{nƫXx3\/ -]L,8v&~L%Gd ,Ӌ.LJWVq֏X橪وv-jǟZ끉"]0$2*x/>V^d^v!`7xi7򢒱oܥKз~[Ӈqo: /t%+U3u -,$SxUt@G+jI3?J`*elLnnkڑcHi|:4Ohz`t+l6 {MKWHH])ETkSF^zK:\ޮ׷ c QJ8U3pJvhc;.)fG]ͤ* -p{Eq)J;_qҧ %E+%Ҋ"Yx8]$NB*<-&Ys/籰 [X,{"1_t9!5pT:vF;5'/+OOot œq״C1 ?RLevikQlzkw ?zĮH%tFf9Hx5Ee9]-kn b_J&+l`đur|de''reTi$hH27N'^\2*8Kru>k-X 뀞)k[ޑt-}O?ɘ[:.UU.ıPMKA}"X 1ùA Y(RdNZ '2\޴ueɄ]QmسtטQ״timh/ɴ?8_O?F>;s-YR7毕%T2?&E( 4I4 LS@6QLx\F[4)=~uJ;xkxy -ksw;ARDG2yLh/Txw";].%|-"R4Z(k:^ӯZT| ^AS)&wWH*O -ڟS,ydzE*1SS4*5l#+}dnS$-}[]Eέ.Ѕqdi -aܙRlf)FVe2Ov?0rH*dE伮j}{b|bsP4t :: A֯zp)~' >ŕ>ևflOiR3!%i˵!AYaNf?qp-0{Tuuqhҗ2;ƒ7;qةa7ߌ!v>U`.uAŪ`&@yq0a{ - -endstream -endobj -125 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F206 92 0 R /F209 93 0 R /F212 94 0 R /F297 575 0 R /F301 576 0 R /F304 577 0 R /F311 578 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] >> -endobj -126 0 obj -<< /A << /D (cite.graph_better) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 137.083 345.77 148.341 353.934 ] /Subtype /Link /Type /Annot >> -endobj -127 0 obj -<< /A << /D (cite.priximity_graph) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 151.07 345.68 162.328 353.934 ] /Subtype /Link /Type /Annot >> -endobj -128 0 obj -<< /A << /D (cite.li2019approximate) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 165.057 345.68 176.315 353.934 ] /Subtype /Link /Type /Annot >> -endobj -129 0 obj -<< /A << /D (cite.hnsw) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 179.044 345.68 190.302 353.934 ] /Subtype /Link /Type /Annot >> -endobj -130 0 obj -<< /A << /D (figure.caption.3) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 218.443 331.488 225.068 342.676 ] /Subtype /Link /Type /Annot >> -endobj -131 0 obj -<< /A << /D (cite.work-in-progress) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 91.661 266.585 102.918 274.839 ] /Subtype /Link /Type /Annot >> -endobj -132 0 obj -<< /A << /D (cite.seemakhupt2024edgerag) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 105.825 266.585 117.083 274.839 ] /Subtype /Link /Type /Annot >> -endobj -133 0 obj -<< /A << /D (cite.wang2024mememo) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 119.989 266.585 131.247 274.839 ] /Subtype /Link /Type /Annot >> -endobj -134 0 obj -<< /A << /D (cite.yu2025ragdoll) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 134.154 266.585 145.412 274.839 ] /Subtype /Link /Type /Annot >> -endobj -135 0 obj -<< /A << /D (cite.ObjectBox2024EdgeAI) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 93.715 254.63 104.972 262.884 ] /Subtype /Link /Type /Annot >> -endobj -136 0 obj -<< /A << /D (cite.Totino2025PhoneStorage) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 107.85 254.63 119.108 262.884 ] /Subtype /Link /Type /Annot >> -endobj -137 0 obj -<< /A << /D (cite.Xue2024PowerInfer2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 121.985 254.63 133.243 262.884 ] /Subtype /Link /Type /Annot >> -endobj -138 0 obj -<< /A << /D (cite.azure2025vectorquota) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 148.157 206.809 159.415 215.063 ] /Subtype /Link /Type /Annot >> -endobj -139 0 obj -<< /A << /D (cite.shao2024scaling) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 161.449 206.809 172.707 215.063 ] /Subtype /Link /Type /Annot >> -endobj -140 0 obj -<< /A << /D (cite.zilliz2025hnswoverhead) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 174.741 206.809 185.999 215.063 ] /Subtype /Link /Type /Annot >> -endobj -141 0 obj -<< /A << /D (cite.castro2024azure) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 212.483 182.899 219.108 191.153 ] /Subtype /Link /Type /Annot >> -endobj -142 0 obj -<< /A << /D (cite.douze2020faiss1t) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 221.809 182.899 233.067 191.153 ] /Subtype /Link /Type /Annot >> -endobj -143 0 obj -<< /A << /D (cite.optimum2025storage) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 234.715 158.989 245.973 167.243 ] /Subtype /Link /Type /Annot >> -endobj -144 0 obj -<< /A << /D (cite.work-in-progress) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 229.826 111.168 241.084 119.422 ] /Subtype /Link /Type /Annot >> -endobj -145 0 obj -<< /A << /D (cite.wang2024mememo) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 243.018 111.168 254.276 119.422 ] /Subtype /Link /Type /Annot >> -endobj -146 0 obj -<< /A << /D (cite.cai2024recall) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 118.048 99.213 124.673 107.467 ] /Subtype /Link /Type /Annot >> -endobj -147 0 obj -<< /A << /D (cite.diskann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 436.803 430.229 448.061 438.483 ] /Subtype /Link /Type /Annot >> -endobj -148 0 obj -<< /A << /D (cite.wang2024starling_sigmod) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 450.777 430.229 462.035 438.483 ] /Subtype /Link /Type /Annot >> -endobj -149 0 obj -<< /A << /D (cite.pq) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 508.335 370.453 519.593 378.707 ] /Subtype /Link /Type /Annot >> -endobj -150 0 obj -<< /A << /D (section.6) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 353.261 261.053 364.701 271.992 ] /Subtype /Link /Type /Annot >> -endobj -151 0 obj -<< /A << /D (cite.diskann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 543.471 262.856 554.729 271.11 ] /Subtype /Link /Type /Annot >> -endobj -152 0 obj -<< /Filter /FlateDecode /Length 6061 >> -stream -xڵ\KƱWpN0 ^\ٖl%r!"ɯOUW5 1: FɯoJ\}D\\-޼ͯl0Բx*hK'UxL/Yc1NuĮ -ī]uɮJЂ+B -&y/BA=OS) -= ࣇ-mR%|K%2gP)@۟H88#*s:J"Jy֣Z0veŴ -,]H!2r0.2av(k6k⺛GIf0CUͮm9,mmf\gFAzՠs!o&N]On0)G|2d;$Jpe/Sp,0ฒc$cD8fEma O=0:ҤbvzB4K^G =-E.ilѯOvTۺY#'VH8! tYeխZe Fa]ogigUQS & AizEWU-[оtmWT>z [P.%/*TFV^J4a.P+)׀ &(H09%na9ŧͩ $CZgz jz~ A2! 44z=[~5@ƀ1x4x"P9|g3Pz4=ôOSbn4ugHf`<aV[-_p?˒wSAG9+!+9w-5ȩ#Ƃ'^y4=J6xd"=ʊWHb (GQ3.퓗R% 6bKhQz!CCUiR3:&)LX %ZK3m`>BEc8 !)3X\x.iI۱>4d#;\zFxM; :[D(tev #A>;4臒=T78 YR -iEk~MKB`Y -ž,KDMߊ0i+aLb Ɗ a!#Ctl! (?Z ٱ k@! ;;Eo#̨AwtsPC -ƪ]N+{]/f+߯jSMr9;qSavïVN@A k1Qh f %kBƤlNT[z@et!@a#({^޶c}ݞ+w}~JM,HiB@U-p< +z$=l=a Wy -b}hƱiK]QtϹ#_|ߴ-jJ*aªPNlt2|P;Z'vYp1!5DOx -sȐ|ov=:iEYXskC/Bb]?RdA-4`~'StɕG~3,di*;C/;ěng'$R;0J9DJq{ #oi|r}\{?(ܼX8ʷzC)/a_-c -̓OrdnL@ >6>P2 )7D|sX~ۻf3nq1.dL&yIfv |k_9 Il<ѷ:Y [ք'N)u&QM/eǟ{۵j~553yv▓j8#w? -^ 'Ն?nQqVje2)Og~k#2T2gpAh(LH 6d&O]`9z88llw'XPj >z}5R,riɸOfC؇Z*/ %EX{S`ձf-#Hx\?Nq>(0 -W;x冚Tc/]X5<4˂[`nY_ _*?]r>ƇXT9˻޿Qb`Z7GB59~%ӵd\`VoyUAw*B5ıbWdJs'jԠNx$\ctP^mt O2Prj {墨6 F&k(.X75L{ -(e2;}Y}mנX5rűpgj풬'# {Mw -!7P Z7p6[jlv-ۏ;_ -NC+(qIB?T|E|6!K?4ڡaV pq=n@Se > -z\%z?c>Уna[5(&HSܜ\M+c9>L*Ī:ϫ-J4U#GdGa쯣ֱMATZ"~֗} -Iki!g; t؎Lj5GABm1Y"{hU_jF7TM -n7u -45M\^ugºtSS" oIÎB+BjQ NL9An~ 6y~8O'TL \nTb~huEtTE&r&kLTsyy*O^n酆Gx;eю^|#SQo]@&DP@107 !s,S :ظg,ǃ-U-z/67Pд'>8@ ~#ѸõgtP(e&Cc"D𺢟bm(b=z,Tb`v8\ -r2 wq j , -feT9W  )0mXdJ>aQ|#'>9ҚYF-:MRo.x-Vo{E5Z\dJxNI1D>0F@8^rS# Ǘ!mšlXʠt~JPu ͥϿ. tmxN51E5L9N꽮39- '7'{bÍb 9JFy0*E)zE)(&,o" -#혊GORI0 $F-ڬt+,~^L}v,+< -endstream -endobj -153 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F206 92 0 R /F209 93 0 R /F212 94 0 R /F293 579 0 R /F297 575 0 R /F301 576 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] /XObject << /Im1 580 0 R >> >> -endobj -154 0 obj -<< /A << /D (algorithm.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 177.368 545.772 183.901 556.96 ] /Subtype /Link /Type /Annot >> -endobj -155 0 obj -<< /A << /D (ALG@line.9) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 227.264 509.907 233.796 521.095 ] /Subtype /Link /Type /Annot >> -endobj -156 0 obj -<< /A << /D (section.4) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 212.831 350.504 223.981 361.877 ] /Subtype /Link /Type /Annot >> -endobj -157 0 obj -<< /A << /D (section.5) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 280.367 326.594 291.518 337.966 ] /Subtype /Link /Type /Annot >> -endobj -158 0 obj -<< /A << /D (figure.caption.4) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 259.586 298.699 266.198 309.887 ] /Subtype /Link /Type /Annot >> -endobj -159 0 obj -<< /A << /D (subsection.8.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 120.789 226.968 138.951 238.156 ] /Subtype /Link /Type /Annot >> -endobj -160 0 obj -<< /A << /D (section.5) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 113.82 179.147 125.129 190.519 ] /Subtype /Link /Type /Annot >> -endobj -161 0 obj -<< /A << /D (subsection.4.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 179.83 107.416 198.17 118.788 ] /Subtype /Link /Type /Annot >> -endobj -162 0 obj -<< /A << /D (figure.caption.4) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 344.746 533.817 351.371 545.189 ] /Subtype /Link /Type /Annot >> -endobj -163 0 obj -<< /A << /D (subsection.4.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 447.21 497.951 465.372 509.324 ] /Subtype /Link /Type /Annot >> -endobj -164 0 obj -<< /A << /D (subsection.4.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 536.343 386.131 554.828 397.504 ] /Subtype /Link /Type /Annot >> -endobj -165 0 obj -<< /A << /D (subsection.4.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 460.082 362.221 478.244 373.593 ] /Subtype /Link /Type /Annot >> -endobj -166 0 obj -<< /A << /D (equation.5.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 391.263 324.125 397.981 335.497 ] /Subtype /Link /Type /Annot >> -endobj -167 0 obj -<< /A << /D (ALG@line.20) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 371.239 204.573 377.809 215.761 ] /Subtype /Link /Type /Annot >> -endobj -168 0 obj -<< /A << /D (ALG@line.12) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 544.04 180.663 555.344 192.035 ] /Subtype /Link /Type /Annot >> -endobj -169 0 obj -<< /A << /D (ALG@line.14) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 487.024 85.021 498.18 96.394 ] /Subtype /Link /Type /Annot >> -endobj -170 0 obj -<< /Filter /FlateDecode /Length 4583 >> -stream -xڭ;َȑ5(a9]{`k1}`,h2zGdD&Um heF̌Ȋv]]t+h'v"R.*TZ fȮc7n^.D&]B8 ~?<쳠 ?|/#>סj|iqZlۺ8 E"طOuW4rOCY}qհ?8Tw'_v1\@ںۢ!8CqCLe8hC&F;4&]c$~F@vi&jΜs>a#,s8fY`v:ÕE8,S'S[gq(⯅DRP 4]"xߜh8σ>}Y,Vi 3B~Re:"HHgx, vZe S0o[e(`F0pM S#,Y@PE 4'ByeHSwG*8 ^wzAGkM_t)X -R(װ06쾔p~~ klh$T+QJ^y],̩`G%p@K-ikZVϋCeWUtbj'o񆅕6G̣NU# 08D] G6Pquޑ w0ĩ4TX$y6ܴY4s\՝ L0N؎?U^߁lqGPfwAY=Wu((*-5$:(SL~ђӘgpL'AXeVU3~(tX$7<i &zAвFnzxoNw:Pd1ӱ4{y,lU-ޚZZՕHP=]p)ְA @k*(~&7BYBUyclV֕UIR~*0vEwH^I?Q'}CKZ8Ltv -M*ҵK++0Rωm"tBWa=eI~Ccx4 D -br&֦ &N)$ 66Khp87N1j7T4GIm}bgV2 -ZŌǖmXE~;6LLCBC,U -qxpsu!A}II3":|WfL"Wlu0 NK+x,72\e1KCcZ Xof*6U}W}]H -}&Ao}O8/%mWL–UWPH/JkUw~` < T$H'++&p:e=q1$h svj?boˍ?݆yF9 aN^=k ’#1 -왎co97p(i -ص.9@I4 -|rg[{`:4Bg w6T&I(2ƖO\5F+܃ȕ~Hs~:ME#EB 6;ʠ8u=x-ڄċHoST<ЈR҈-5:;4LMٚtR %+yytnPp~"Bg+жMr`cKS_1YzSQD$be!2T|f5FoeϓqtCs=w7㰗6_B0(ئR@:J$k)Q#<62:/tĹ/C)h2"\){|Rrpndte/줙2w-/2 i g:ɿ4{=Zrz Eݎ nHDs ukz*/}5ߗb3]>ӹ;- b4w ]kPgLǽµ9qt&q(0 -ˎ&cؤlơtA[ -1f#秽D|c\^q 0zOI#ֿ!*Zu{CXg GTR4! IF`+=PGj)MOEOՊ.=mѦ4TY-l82;gC8gC ,&R)Oəubu,={PkRYټS-Çdj]N飗Zw& ЩohB]>ai?nroܭ@Ƶb3W&.|?mK!ƀ ]slvlqthLu (ܴ$nFBlcd Аͧ͸"?]^%o:<%*3; gz5=C3`Lqp'~2T79W1)IM+- z܃-/>{קf!>V[2uE$J]){reDwVd&;0jX=d~pٔ5W3A2\nj?oAh^v{-}\X 2j/DL&Rdp[`@6mPqTe/I{oGM2|•%3[}Ow5̅ssU>]RD@U0 m79] if!zqD7T*L3ƌx̴^Y˕[_)8Nh}X[lD).22K@*ǐᮔmæf( +iٲSRaf@ݦɢ; 䛷6 ^:+̭GHkJqwxŝH=2SHݻ:G10Fץ)"!:Յ#\=8K?lH][,h$>OC[\.Aw^)ξ+Qf 72C Js~ AC"HeŌ)%EG/1'a037gpyNH0^.aJZm sN7:-i݋>|r>`ZY#^iWUբ72 Xɼ<( B$ O[1J*,@9<"+BࣃaA )pAJ*~^BY?wz8 q5:gBGoM\b=VN4a(a17@+D>LX/WF&/@d*4˛T:ԙs2Unj>E9 -gE 3@yֽTZm>g2Xr>5˦m"}]Rs96γ$Rmxf._VEX;Ec|ʢ|] e U%rpitYk &Ҹ/L'5١j?k$NvogWj# .i/N{7v]GߔR2Yw.d!SZՖ&ٳ5JMymijFl{QDN<ŗϻ6Mdm>_Յ -endstream -endobj -171 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F206 92 0 R /F209 93 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] /XObject << /Im2 581 0 R >> >> -endobj -172 0 obj -<< /A << /D (cite.douze2018link) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 476.44 637.196 487.698 645.45 ] /Subtype /Link /Type /Annot >> -endobj -173 0 obj -<< /A << /D (ALG@line.16) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 543.385 515.407 554.828 526.78 ] /Subtype /Link /Type /Annot >> -endobj -174 0 obj -<< /A << /D (cite.cui2022dvabatch) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 448.993 422.002 460.25 430.257 ] /Subtype /Link /Type /Annot >> -endobj -175 0 obj -<< /A << /D (cite.zhu2024nanoflow) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 463.161 422.002 474.419 430.257 ] /Subtype /Link /Type /Annot >> -endobj -176 0 obj -<< /A << /D (algorithm.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 436.407 371.945 442.939 383.133 ] /Subtype /Link /Type /Annot >> -endobj -177 0 obj -<< /A << /D (subsection.4.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 485.163 217.166 503.648 227.716 ] /Subtype /Link /Type /Annot >> -endobj -178 0 obj -<< /A << /D (cite.diskann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 434.556 158.989 445.813 167.243 ] /Subtype /Link /Type /Annot >> -endobj -179 0 obj -<< /Filter /FlateDecode /Length 6041 >> -stream -xڽ\[sD~?A.Ptaa0Nb[֞72T%-Ju˗9Z]eW_W~+qeU!4b꧟%*KzWRgi \o狛WUyUU.󫛻+\ 4Kf?z;K%r_?z+a"ͅ173]%2̊Wl6M} ys3SfR,Ҟ**VyyW:5YIkG #KJ -Q^fw?"IȲ796\ѽo;ZWW?8p dz7͋d(u2*8"O.ݻv⦺oV!s*aK9*n1^ߚɵ2q$'+W^6I :/٭TejQ43bߘ㡋{ uWy7 &&ϩD˪F %L\]pJZ3= s tˇ85K g W2UdYDfRIcHq>UMFtXorQXyі&L-Hu4['p?933*4 (d`쌘:bk:2:_]8`n(5u>HK\̂\́xrz ˃뫲bDqcGyl -xF oF`ZK}oEq]{@CUpP,>i#iyv}[4g}v--Hg -*Bh5md}I_83!ד 9mԀt?9.Zf['#]EZ  uxw/y,|w"!R -MIj`r"5}ȿO倄UDay1mJ +O^oy6ݞlC-ԴrFyA*mAJ?9 B< 1hh~0ea9%PR5w~^s`YyN7Wj8#e OKP` 'J~e -5sEq^wh3_^Mk2=bg|]|2UUca'`Vqal}J˩Q *L*NMREvQB%44۵==kæt4>ܕ4s,ܺboBtl^j~ s۴/..anԿTmt)5 t<l]&aU]/K@FpAwHPתhƅŴ004%LGxгnl.-b%ka"c~2VͿxvOw/+^R6n.INkZ h/-1-Т"׻ު ~K=;fcuM FТ8fRcT8ɻ5_˗dEv-5 Osò\_^tfy -'ZHsQ@ a}y\ЯK, Ssb%2'wOOHBֶvԮvtMm%8g{}{H(o.J,IuG'4K:pq 3_Q S,]5qk -t(Įo t !s^##{U$_/ZxFz/0K0]捵05[Rr2ͬ0v@N:z}aH[fV3'&_v!$S"M#|(@z~<j Z1F`0cM9"fҹ]N9چ1i -)7;xJMr 'P J2 zP@, -4ǪFjUbg_@rp ȑfJ^O$) n2U|?&SEkjlf=lg2u}jKQõ +UiD:zl6Ӻ%vc:|u{\rY6S Bgt*a.3$eWtw]@_=M֬߷q 'و '>WV33fބ8pM8). AX&dKm!];G.;=ǾO1:uZ.w'v0+$c]vjw!IbLIxHNQ4xφ/G1c(PJ}x.)n8y<}Kp'_usJ҂Y#gG.Ϸ.s.TBJSEә,|sl|60$hi%n"7S|N{WqޢFducyx:'tt ݖ -"Ը@ѳ OvLǖEO.wnw.80AR)nxI2D?uG>vi|Ԗ+ [TmqsA꾠+\zFbIK%*ø8: - T^E05e0~ -Fh?t*]p8@+1܀7F n I֖C- ve*SL1Wu82z14j]dv|iW_?)Hrn|L.eS|\8Ȇ-~7^Wcܪ?wc֤mbT,mbes.j G09JA%/ ^> 4ņXzjP "3ͯ/3E~zB73mX{tZZiLc3|#0@bfU3^ \rɁ$m;ΗzUUMG( ?Utҁrc t=գB֜謳v -]v)L '!ҷ=);9j:]?8t8OL/Li9*+ՑćfPT9%QKI/]Tc \TofJB'zxfe\Ї7i5p>P %Fr6[}6NO/ \>MOVTd8 ,.3eqP&*A&'jk^!`!ǫ1Z(w֧j]c6k."Uv lpXoFII&J}ZO Ž~4O*T=*;P> -;kFv*̷n<4E6t2YVFfU Z{3dmlJ{pdKbyfNJX~MC]?Eu鋄 `JܕS(95D88zU5g|}> פgNYyg5&>7.LO${9" ~ o6q^"Ntd`D ߲YD魧Uaci \$UiCpu-Gl]m]t@X_gP4C,t -dFPtUNϲ%V+OY{x㬠\X{a}wf -,EQ^hHVh.*;A.LcVxH6T]0YX+[7˸&_ 2O?d(asDQR9[7D -ddGzK#ޅ| ნ~nT\˦\vnl vuIEEĨR.WS*U%D Lj8;~v,XƗH#)Muڣ:-,Eq,aC؈~Xpje#NIQik<]abyP c`)(s΁+dz҉% vȜ[>4æ}CNF!7z;i|PGu'*B(}\$D"DxׅrW08vݝRQ1s!Da`cYhk!e|?ZVPP3>~2RzN}ԷvUĜ{W/xSۓD -(,'J,°VI)MGgxܭ2^TaQ؝>?߃aR爡L( 6?T`w={H,GxqPV*C2*\E4 -endstream -endobj -180 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F206 92 0 R /F209 93 0 R /F293 579 0 R /F297 575 0 R /F301 576 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] >> -endobj -181 0 obj -<< /A << /D (algorithm.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 288.645 595.519 295.27 606.892 ] /Subtype /Link /Type /Annot >> -endobj -182 0 obj -<< /A << /D (section.3) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 131.491 312.169 143.016 323.357 ] /Subtype /Link /Type /Annot >> -endobj -183 0 obj -<< /A << /D (cite.severo2025lossless) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 69.279 266.585 80.537 274.839 ] /Subtype /Link /Type /Annot >> -endobj -184 0 obj -<< /A << /D (Hfootnote.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 361.053 569.59 366.926 582.038 ] /Subtype /Link /Type /Annot >> -endobj -185 0 obj -<< /A << /D (algorithm.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 551.727 386.711 558.343 397.9 ] /Subtype /Link /Type /Annot >> -endobj -186 0 obj -<< /A << /D (Hfootnote.3) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 536.728 362.801 542.601 375.249 ] /Subtype /Link /Type /Annot >> -endobj -187 0 obj -<< /A << /D (figure.caption.15) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 526.941 326.936 538.384 338.124 ] /Subtype /Link /Type /Annot >> -endobj -188 0 obj -<< /A << /D (subsection.6.4) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 507.569 255.205 525.407 266.393 ] /Subtype /Link /Type /Annot >> -endobj -189 0 obj -<< /A << /D (figure.caption.6) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 499.567 219.339 506.211 230.527 ] /Subtype /Link /Type /Annot >> -endobj -190 0 obj -<< /A << /D (section*.5) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 443.925 159.563 450.643 170.751 ] /Subtype /Link /Type /Annot >> -endobj -191 0 obj -<< /Filter /FlateDecode /Length 5910 >> -stream -xڽ\[6~Pjk5# ]NvgoxN!GK"Rv&t(N=HFNx^d_eW~_jaxt~h"c4~!T2nտ<|x^Z"LKf/6_잻c3lw+gKy_?#(4W0yKwŲ[ix}>S]N-Ë_=LV,fj dJ? 3bK !Se,= K{8 Y -ҡ86M[+bl<+\ &E}&͗D1^ُ`Zm;Xu;TNv\5ύ'?hTiR̀Yg\q]m}u_pIKJpM]ņVqQ)EʂE` zi t3U*o,.2 .UғRR_2s3@I^b%e:u[%';W pJfQ>Y-W-):ǂvcF>~hW1ĵ@,4 e9w^ +O7,ˍciw%B\R?6#$W}g@`_]bdD$ЋaKٞB]˖oT PSx;O'V -~)o!ՅsHLjn,cxGznIC業`Yc5ep'#(%AHpRv6ޚL @vպ& iJ/p1^P[ȱK OHQΙ,QVΆ0˿7Ps"=?_OH\mp`شnT)&eɔ0q. զ*zA{ؽӳ{)WGfRaK&-8Ʊ2dW%Gll"@c^n冚c7)3>\a VnnװœQlzzdh Z&Ki/>[bwo֖ \& dcO=~:9ֻ L}nIh?R (JЀ`(,]8`wjOͦvM[wGnLB5if;4]6zZ8C)'c?TXė0pm]m5f?+<CCi\/ qm~}l;BSG/8О0y:USYL'oប :$yZ`uJPY]\~Oぜ{+= -4. wOO;Rp]{q#N^AN/˸OFR&3^G[d*9(A"6=T@>NN ԮR YjkJ{V鑷lk@u n+>AMO/n= {7P)2( ~ES;xKah~[ -W"@xg*ݟ:-z? Eq*$fc;Chܽկd>N*"@jƋ8A`´Z#اWG?D|bU - =i2"M(&Ml1a5)SU[n=d\8ӱZL4fd|sOLƃz 0h,ƲWAĈ\Y) |g%h\۴3"pvіri{ޯrv?DR:ձw lv6]?r| f O'a3ੳ J+;+ -ߪpF3SbX71+pd(Ϛ-Kȏs e/_v.+?*|Q*e:Pic!lBwAY;|xX=6g}i9YLU,>b0:"T~OJ.Nʅu0q+ƒc0ANYJ~n}i4 W LdDۆ` M;mȎ0vc \cԆY9eFv`O,!8~sXF۸m< Kus8T</gZ1PJ --h}5lTLyV1^ƂqЄ ʜ@%hGKZ()Se-4z%WVi]!QW;WS:K ƲEiZr=:.ћ|%rЊ~F7 nO0Є >Bt#Pe?H}1o{MKh@)P}3Q"XP Ҋ7I0DH}J -ML=CE{ afCT0R"jᅹ"@+DF5NĬq&lDD3$ #"Wu8lnULrP`Tq+.y -λXǺF_ұ=K(_-V6 #l`NAЛ֛k4HR'0ރ%^%xpeKR>a5ҡI UVI0 3 y(-LiGS[E~B,m> nc4% -t%2ͤ^T=&46lcWl!a*?kI6֕=$5A4)ј1lM@TN"OE!=_8 D3 {;dJ z}>d'*5 ^'-y}"\?Ky߾晋|o4{ݯ.;vZEP(ي2ґ(T}\K 2>Tٰ1=Tc98=(Ԍ*ӑ^'P+U/=XHq= Jk0r{z愙NcwצAD_Dх'64A9VBz{*Ʃ=j,Bk"Rdu#ccqCǍbvܴPEqkt./}ETKD _LC|d ,FwZ! b]sq_(cl+[:T< yA;8MZ-b.0|wOϬ.GG;3yD4=-c:ޥt `k$6npYNעo_A/8B lgKxJMѕBze: 91&~2,gp)Mxi[ϾLYȚ0F(yq^ !#8w{aGZ(мÉ&Mo#~|Z- +}B͑K 6' F^̗P9ZhĹ -(OF{"mRPelSu1(;8<6nK2z0j"Zޣj֨p}Kca9}qԘ2HO…A=+HsUfOLc?e'=Lvb\E@u,"NdƏNBv64MN'Q/ /=ֺ)r4VGlT_!*eqcլ}ug%O,-IZLp*[ -endstream -endobj -192 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F206 92 0 R /F209 93 0 R /F293 579 0 R /F297 575 0 R /F301 576 0 R /F311 578 0 R /F357 582 0 R /F70 583 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] /XObject << /Im3 584 0 R >> >> -endobj -193 0 obj -<< /A << /D (ALG@line.10) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 154.261 670.824 165.334 682.197 ] /Subtype /Link /Type /Annot >> -endobj -194 0 obj -<< /A << /D (ALG@line.8) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 131.318 646.914 137.851 658.286 ] /Subtype /Link /Type /Annot >> -endobj -195 0 obj -<< /A << /D (cite.munyampirwa2024down) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 142.054 613.375 153.312 621.539 ] /Subtype /Link /Type /Annot >> -endobj -196 0 obj -<< /A << /D (cite.hmann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 155.581 613.285 166.839 621.539 ] /Subtype /Link /Type /Annot >> -endobj -197 0 obj -<< /A << /D (ALG@line.4) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 284.985 599.093 291.518 610.466 ] /Subtype /Link /Type /Annot >> -endobj -198 0 obj -<< /A << /D (ALG@line.10) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 282.653 539.318 293.939 550.506 ] /Subtype /Link /Type /Annot >> -endobj -199 0 obj -<< /A << /D (ALG@line.13) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 80.732 503.452 91.805 514.824 ] /Subtype /Link /Type /Annot >> -endobj -200 0 obj -<< /A << /D (subsection.6.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 194.264 333.052 212.426 344.37 ] /Subtype /Link /Type /Annot >> -endobj -201 0 obj -<< /A << /D (subsection.6.3) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 99.748 285.515 117.91 296.549 ] /Subtype /Link /Type /Annot >> -endobj -202 0 obj -<< /A << /D (subsection.6.4) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 237.511 261.321 255.673 272.639 ] /Subtype /Link /Type /Annot >> -endobj -203 0 obj -<< /A << /D (cite.together2023redpajama) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 229.036 199.836 240.294 208.09 ] /Subtype /Link /Type /Annot >> -endobj -204 0 obj -<< /A << /D (cite.izacard2021unsupervised) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 233.011 152.015 244.269 160.269 ] /Subtype /Link /Type /Annot >> -endobj -205 0 obj -<< /A << /D (cite.together2023redpajama) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 407.387 683.352 418.645 691.607 ] /Subtype /Link /Type /Annot >> -endobj -206 0 obj -<< /A << /D (table.caption.9) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 402.158 657.206 408.876 668.578 ] /Subtype /Link /Type /Annot >> -endobj -207 0 obj -<< /A << /D (cite.shao2024scaling) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 508.485 659.442 519.742 667.696 ] /Subtype /Link /Type /Annot >> -endobj -208 0 obj -<< /A << /D (cite.izacard2021unsupervised) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 504.942 635.532 516.2 643.786 ] /Subtype /Link /Type /Annot >> -endobj -209 0 obj -<< /A << /D (cite.dubey2024llama) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 531.888 563.801 543.145 572.055 ] /Subtype /Link /Type /Annot >> -endobj -210 0 obj -<< /A << /D (cite.kwiatkowski-etal-2019-natural) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 516.126 539.89 527.384 548.144 ] /Subtype /Link /Type /Annot >> -endobj -211 0 obj -<< /A << /D (cite.joshi2017triviaqa) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 341.178 527.935 352.436 536.189 ] /Subtype /Link /Type /Annot >> -endobj -212 0 obj -<< /A << /D (cite.rein2024gpqa) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 390.553 527.935 401.811 536.189 ] /Subtype /Link /Type /Annot >> -endobj -213 0 obj -<< /A << /D (cite.yang2018hotpotqa) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 474.05 527.935 485.307 536.189 ] /Subtype /Link /Type /Annot >> -endobj -214 0 obj -<< /A << /D (cite.g5.48xlarge) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 443.478 488.174 450.103 496.339 ] /Subtype /Link /Type /Annot >> -endobj -215 0 obj -<< /A << /D (cite.mac) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 505.583 452.219 512.208 460.473 ] /Subtype /Link /Type /Annot >> -endobj -216 0 obj -<< /A << /D (section.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 352.699 350.356 364.224 361.544 ] /Subtype /Link /Type /Annot >> -endobj -217 0 obj -<< /A << /D (cite.pq) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 395.757 328.683 407.015 336.937 ] /Subtype /Link /Type /Annot >> -endobj -218 0 obj -<< /A << /D (cite.schuhmann2021laion) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 410.419 328.683 421.677 336.937 ] /Subtype /Link /Type /Annot >> -endobj -219 0 obj -<< /A << /D (cite.zhu) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 425.081 328.683 436.339 336.937 ] /Subtype /Link /Type /Annot >> -endobj -220 0 obj -<< /A << /D (cite.asai2023self) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 533.022 304.862 539.647 313.026 ] /Subtype /Link /Type /Annot >> -endobj -221 0 obj -<< /A << /D (cite.shao2024scaling) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 542.981 304.772 554.239 313.026 ] /Subtype /Link /Type /Annot >> -endobj -222 0 obj -<< /A << /D (algorithm.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 488.225 123.208 494.901 134.58 ] /Subtype /Link /Type /Annot >> -endobj -223 0 obj -<< /Filter /FlateDecode /Length 5587 >> -stream -xڥ\ms6_1W4\djvgX|H\W y 9R pd@~JwdE¿/_L"s+v!Dd2YUPHDRju 6jj6EEqmo~O)YT]Ut$4̺s/p5fynf<16$4fnOu QݸK)c̙Z"UmWSʢjǧIS{epM&y6`fc!jb TIbpP㊫mPw7P *LҋUS#ٳhUM@owMDS)Y -emA7U{1mmx%<}TA实H=IKd5sRYtHCc m%ѱ Cg$[a-uDY&M~i;O(GcfX02I`IeRá*Aܻ@eZ`=^<:-:ѱWbdth5d0;~Fo0U+ﱻkIZ@\i :# OU L-/MTq[g wϩ8V1>AbvͶj7xS9-u85| 7YH6|SI9p3 `@]0^(.)[=# -#y " @u$`$TlɃbb;jWZ1)H{BhF =Fjlj9F9`i*)=:Uof VŒ73;3 nju -4ꮸnXC M~CܜIa~iq@e#?mYW,8Olm8Oy?4'9kPZ+wkG_"Pkwx^P)K°&zuzb+J\b:KpWF֫d 5$D-weo.y)'6c6%Qa$MdymY=:.ҹX{%@YV펚M]p&7V< + /2 9pw ;#D#$YAs1IWh` 3#~r3LXe:^/I`4SvI/{+h{_%yԛp'=J܆)XhYרN?^x: J o!+҃k[c`?Q.HD,(BA9GHm"UqMpvbIؠNlbs^[ڷii2j8wFy>VsLnonqRHQx`TDI\eQjߐt -}9ǍUH1Dz@aP[8M6aJԤ+r(cw({P'y}L :x< -19؉9 jQEom64@NTO\I -Spx)*q^aR= -R5*Cu_-YPq}O2kJdy/P5`yAcFX<*TXǟ'*cay8`xIrt"JJ {޴mWHd5UwKrN(d0߄z.Nm-:t-)0ω~of_~*D™^A{u޴3gVy,_@_I)WQՃ?`A:>{ݖ͉w>ҷz%<([kgԘN{hb ]Am!*a d]mDf>g i" 1ۇjv>qX&9/cc8ا7x|WP.bh\Wbv73EĀ?ӫo$ jFs䘱` '(#v\ ߽-2q*(%哪jϙ) NU*ۖ<TW>w!]S߾9էAi)%J]$W/SU=a'(F>C @h09W\{NzD,; Zn@5zI# T>huʹ]En2G}h"GM5UtI5>j#Dl -T!s\ƒxDr$a+=6Qs2agG8apN7Gτ:k+wD)?aksҥIP2K!c. ->Q:|^䳡rSn{ȧ|MH ^ln!?(B=K &:}Qm_2gAwm%%ҹ?7TnԨ2?@ Ղ~נ~,Uqz_:Nуs,O~3y9WƒJg}Jf1ہ>+0xbzduBn(ػ@SLi*AdZݿy:v6yY?+k]k0:wJ5Uv -pEVۭ48tņυmJ Lp &~I0Zy:!SwR>E;C2 ԡ>5jkTL}ǎD)^G.yu0TG:2@Eն1h| 폳5gf#Z|$㤐d'@c?1,=KgbSI'34Y튎_c$rF7jb8MTꝯ-T3Sj F|j%acz- @ 4A܌ lNB.@lWZ -I{rl\)>KP1UsޟtRX`C) ]gǑUE(Hm.\e:/(uq 2b9&7Iʾ1[zp還E17v@9[ -X( p`n|#&m{N| vVO..ٯ͐&|ô/ƲN@4l4Iy0RqeqeR<(a'5,,Z}s.>U?,-̯0EzLt_tɛsJ,{;^`6mFګbjn%ŊSm#>;|-;΀T#hL"s<SJsxa -#o%NU/񧧉#J|k{Ѣ,,F+Wm|4=.Y -endstream -endobj -224 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F206 92 0 R /F209 93 0 R /F212 94 0 R /F297 575 0 R /F70 583 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] >> -endobj -225 0 obj -<< /A << /D (table.caption.9) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 548.941 457.93 555.473 469.303 ] /Subtype /Link /Type /Annot >> -endobj -226 0 obj -<< /A << /D (figure.caption.8) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 355.91 422.065 362.627 433.253 ] /Subtype /Link /Type /Annot >> -endobj -227 0 obj -<< /A << /D (cite.hnsw) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 157.187 123.123 168.445 131.377 ] /Subtype /Link /Type /Annot >> -endobj -228 0 obj -<< /A << /D (cite.aumuller2020ann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 155.807 111.258 162.432 119.422 ] /Subtype /Link /Type /Annot >> -endobj -229 0 obj -<< /A << /D (cite.pineconeHNSW) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 164.248 111.168 175.506 119.422 ] /Subtype /Link /Type /Annot >> -endobj -230 0 obj -<< /A << /D (cite.faissGuidelines) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 544.185 359.943 555.442 368.197 ] /Subtype /Link /Type /Annot >> -endobj -231 0 obj -<< /A << /D (cite.ivf_crtpt:2023/1438) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 396.283 347.988 407.541 356.242 ] /Subtype /Link /Type /Annot >> -endobj -232 0 obj -<< /A << /D (cite.diskann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 374.836 311.33 386.094 319.584 ] /Subtype /Link /Type /Annot >> -endobj -233 0 obj -<< /A << /D (cite.diskann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 492.239 263.509 503.497 271.763 ] /Subtype /Link /Type /Annot >> -endobj -234 0 obj -<< /A << /D (cite.seemakhupt2024edgerag) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 483.895 179.823 495.153 188.077 ] /Subtype /Link /Type /Annot >> -endobj -235 0 obj -<< /A << /D (cite.pq) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 406.159 132.002 417.417 140.257 ] /Subtype /Link /Type /Annot >> -endobj -236 0 obj -<< /A << /D (cite.msjimmy_bm25) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 356.321 96.137 367.579 104.391 ] /Subtype /Link /Type /Annot >> -endobj -237 0 obj -<< /A << /D (cite.rekabsaz2021tripclick) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 369.485 96.137 380.743 104.391 ] /Subtype /Link /Type /Annot >> -endobj -238 0 obj -<< /Filter /FlateDecode /Length 3720 >> -stream -xZmo6_ap8UUvnuAa7 -ג7CJ,'b"<3T2%Β/dfJt{19T_]}}lŹrvu39%3XK>ZG3h b<K/YbtnJ$xԣPDdLGvomi68T\$.ۢZ4gf~D(&}"Kf<(/?O@G8KhXgnKSat@EQݡ-eKmwi(k_#OU%kRZz{T\VF_KKj;+G:);{P/k]&mqfqx_iX$&E @ŬS{K?q Ǧ -윺X{.ŊZ|6XhrYU]{ڱUoZВwEYzMk[m&f/Ӹz-nj '1>W5vt4U^Y,fW# eAݟ:BpٖKui2+(-=q_nhƆvGu'Ncw^K8& |r{YZ'mZd<0T^#@9@6E"Dx-bv<{@}8uz8).p'a} *_쫦vSןEvՋIfuFӚEM*K78:(KD_i5.ͪrl s= 9vg<6<۰lڗ6:NAF-M`'f6"&{ɅK`0s9B,IŻuX"Q3;`>>4mi?<^Fl1r5q!9 Zy,VU^\Q}CؑU0ʓ?_P~erøuu{BC o+Ж`Q B%%MZ5 ],CcUݮʦ1pʆF:j<>q2h8lXyP.6Hw^MٷBR?G.ݖے'=oH/'N9gi #Wew3@)T<'ǡiƲeZƉ>b+'2=Y!2h/2i"בDw# vsÎ y@ZgєWN)R(O@3Nnat)?vni{tnY^K[:sdmWsFf4w'f Aǡ,!ahq(ajXАD""qv)7,|u.S2ֹ 2Y&F4D`Qdc]UM+0/b-b>}^ZPJ:R̡boT2LӳpQ~,N,B/V12!k2Vpk1*n3ܭm&C[w8yHi7gs[OT)i% rI f.7HC6WZIE>y{[o6hyƺ )K/>^L9E<5r<gʺ(7O2IX'tErJ,U4)w<# 0:\(W[q80Gts&$a*Y\gO#N.|٠A[\Ƣ0/rȅuB:4'dsrGf! a4e҅q|aB*H2x (,8,27&HF]4飑іT!dvgoz2$uk,ٱKNx9 4h*zy$p1B tGQYyzRT%:b#5虏IW QI<^V.Gu&bZH J*@2FQr#|"'\Sn2<\$0}e4)3칼( b4wH6͘ -L )t2%CIbwi!WԽ_U̵3RֺP\s LL@أ!u|rb:E@ӴD,So$Ms}JU e)@X1 #7bFG37J'c0̜Smv@W(f UJMmK*hkMKwQޮݴ~~yn=Yruw.!td$7Xy%>J M1|_tzjSb@*u.}Ynq?H=1A3}jN=S%bup N*.?)@i8GkP`&ÁjjȗWceܐӓآEUꅯ C &4d vh^ |lJ҈O>1&N6rXjJ1/dcKz *iMgap &No `n`shOq*CmU;7-ƶ0!^y_ltt} ٮ6nPkvS+`0adfH`RQe+9OL8_ooC -endstream -endobj -239 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F206 92 0 R /F209 93 0 R /F212 94 0 R /F297 575 0 R /F70 583 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] /XObject << /Im4 585 0 R /Im5 586 0 R /Im6 587 0 R >> >> -endobj -240 0 obj -<< /A << /D (figure.caption.7) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 69.469 691.746 76.001 702.934 ] /Subtype /Link /Type /Annot >> -endobj -241 0 obj -<< /A << /D (subsection.2.3) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 275.967 643.925 293.967 655.113 ] /Subtype /Link /Type /Annot >> -endobj -242 0 obj -<< /A << /D (figure.caption.7) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 287.622 608.06 294.34 619.432 ] /Subtype /Link /Type /Annot >> -endobj -243 0 obj -<< /A << /D (table.caption.9) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 236.761 177.903 243.479 188.07 ] /Subtype /Link /Type /Annot >> -endobj -244 0 obj -<< /A << /D (figure.caption.7) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 80.074 141.016 86.672 152.204 ] /Subtype /Link /Type /Annot >> -endobj -245 0 obj -<< /A << /D (cite.wang2021comprehensive_survey) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 376.11 696.971 387.367 705.225 ] /Subtype /Link /Type /Annot >> -endobj -246 0 obj -<< /A << /D (subsection.2.3) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 429.027 623.059 447.512 634.376 ] /Subtype /Link /Type /Annot >> -endobj -247 0 obj -<< /A << /D (cite.ktransformers2025) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 396.909 577.509 408.166 585.674 ] /Subtype /Link /Type /Annot >> -endobj -248 0 obj -<< /A << /D (cite.li2024svdqunat) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 411.914 577.42 423.172 585.674 ] /Subtype /Link /Type /Annot >> -endobj -249 0 obj -<< /A << /D (cite.appleM1Ultra) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 413.606 529.689 424.864 537.853 ] /Subtype /Link /Type /Annot >> -endobj -250 0 obj -<< /A << /D (cite.nvidiaA10) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 427.554 529.599 438.812 537.853 ] /Subtype /Link /Type /Annot >> -endobj -251 0 obj -<< /A << /D (figure.caption.8) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 420.899 463.601 427.441 474.79 ] /Subtype /Link /Type /Annot >> -endobj -252 0 obj -<< /A << /D (subsection.6.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 349.543 403.826 367.381 415.014 ] /Subtype /Link /Type /Annot >> -endobj -253 0 obj -<< /A << /D (figure.caption.8) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 411.666 367.96 418.291 379.148 ] /Subtype /Link /Type /Annot >> -endobj -254 0 obj -<< /A << /D (section.4) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 520.816 96.976 532.125 108.164 ] /Subtype /Link /Type /Annot >> -endobj -255 0 obj -<< /Filter /FlateDecode /Length 5942 >> -stream -xڥ\[s6~_᪭U񒷙l!-6T&ίnt)Ԕ F׍ӫݫܼ[YW(3]]YsT:^dB]eiʦɏu =a}M7P_o[hT)8fVZfcmvy -k=^=^MyuZ41Ԙ'*er8^I׭#Z 5=Th? M[v=t0&p+)Ҵ/ ;G`Mɓ =w;zz״5~# -z0!*#BE?/TaΓX0jjUl%q -*vĝE554:OM/dK3f;~]xQdٖgM聊csߴՎJ#ab|On@2P9siR=GU4vWS_A[&+OoxۦߜJE*2*s%LaPh --=[OD -.oj K~II~Fa6$zP~תL^SSEqGE?=m/ #2T@aM :VTt;  2,(DcA&͉QhJ兦/M ofwo$W8<;AO8JD'ЏP"=z.Yڲ2?4Ia]zU2SQ[A̹_⧅MU/CŶ*\C e`"5q8Ώyl}VasdF,er‡ Bn~.HNn5,j V6K**4K؃̞& s&`D/7C Oa,wW`~ -du۞ToњoA?Ԧu+"cut}l6&E[t\f`Ֆtq+ -oqgeӥHzg%X/љ3 DtE?һQt/QTR>6XcU.rżv}J&a%zA)mn;צϞȬ;1 :||1=Ar\ -VZg,zȠP'ɫ{]T,RmkcwWAҩϱF%~1kЊxfQS"18?.9aE&NzAʰ%|\Uw0WTtu}80l86]3 ;ajŒ.3Z -U0o#-ʲAGMN/:oPh-o@xTaGmvQ* Cs$ȓ9 =}>N,PlMk0*sݿw ԒN!=-̠?dQB Ljx= * ~8~KԲT~7P6.VptiQʳaJn0b@i'g -4>>؉ -V? lemZ-/ls* -ULt9 Odm*n8qxpjiX/%ԐDF<v=(acgpap2uZ5 1plXuFq? ԃ?9[erͲ9v_ʧY`6Y_W1lls!w3;1`\N08[7$.DH4Ty = IKpܘF[n*=ԝmO厷k`asp.|,ErXp3\D^*<, +:~a3D,SBIfO35a-acw{n0N2~$djrv(缱}JR_!BW2>TEi3r\kG=P4M}>16sʎ>"bq{}ij9B_ -swN+^մF2:q7o1-#?$ u!sҟ(l 0 t 'U첚X`.4=GFu⏖=&ybzE+޷)/Y~˖\~ڳIon'o8ϪTYK?OS$>9fA}Ʒ,G=gZރ~/:D#IGE` AV1R^:x>jm|!D3?6G/hyFCXxs ܆|bo~鄴̂ -y-GgjH5h;w.Qbz;>Y9s7^^˔qЁ?P] lv0"Рg;IK.R]ZMy6ʂJ =肃(ݖ}Ÿ6P=. S/Jg3.\fbf^ʅ Z0`cȑS'QQWYfEO!HZP_*ǼUM=9^,NE7}yd4@$Ob93޿ -b6 `.ƠA %…}R% 4>6iŢD Ў[Kٍ{s킓 U h25>#_ĂA K#jE -Y>\4N:o^^ (e̳3[Ipft9QZ 6KeNw$8) ՜XmSWL&p踈(ЙR@3 -;O1Q2D;me48ePk~ftИVwL?S v >"f9e}j0)ا19sd'ecbR5t.C;Jϭ,/Vde G\bv<֡52OYUN17a5tKh~ ޏ;Ӥ-dFq y OI).s r@h~QJN#"BWsRCYS.)7=wPPܜB=fuP8SXrOQp7Bq<֥8Cd&'>J2_Z\Nt 63zAJ1]J;< Tĥ=YR_!Zj:s(GGZP5f\ -<:~%(X}Wںm;RPmMT$e.SںXs"[19|,( ?{^h8C 1MY|JEK yx_Sb'@.XaVx$/γg/,fSYR TY8s\nJa%,WPjA:ˡMIlnh0*S!+YH>Sǚ*8ZLY¾B:t]|_T,hGi7<̈́#:{LD]? uyCD3~3ZcИi8薠DT8;.C>6s9uLS:BpJh Sƈύ)7Qo1P#jm -ʩUr9-!kflh;{%>X̯<`4gxrE҅ }4/|jns\g5;[7xE`zf+^xxQI+rre+y Vf'L{+ ʆfƲ}r&3d'gm1Jwd7Gkt߳gK {fE'zNrz ]ƿp^ @gWZx S Az;P9u*" -i>ͥIl?MatKn?yy?Qb2Bi&0fts|o8tןQir Rp"e`􌌛 ͳO#XNoKs)OyF/Gz{$Uhsl ,h A9p~9(m }M(1#?1Cz+[ü>gYcd`- -B mosw>$[5))9f&q&@xj_6I/o^p{ -endstream -endobj -256 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F206 92 0 R /F209 93 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] >> -endobj -257 0 obj -<< /A << /D (section.4) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 213.123 580.237 224.648 591.425 ] /Subtype /Link /Type /Annot >> -endobj -258 0 obj -<< /A << /D (subsection.4.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 226.869 556.327 244.707 567.61 ] /Subtype /Link /Type /Annot >> -endobj -259 0 obj -<< /A << /D (subsection.4.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 115.698 543.136 133.86 555.56 ] /Subtype /Link /Type /Annot >> -endobj -260 0 obj -<< /A << /D (table.caption.9) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 164.221 352.353 170.897 363.541 ] /Subtype /Link /Type /Annot >> -endobj -261 0 obj -<< /A << /D (subsection.4.1) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 277.432 268.334 295.27 279.522 ] /Subtype /Link /Type /Annot >> -endobj -262 0 obj -<< /A << /D (figure.caption.11) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 175.522 85.021 182.184 96.209 ] /Subtype /Link /Type /Annot >> -endobj -263 0 obj -<< /A << /D (figure.caption.11) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 489.4 541.947 495.97 553.135 ] /Subtype /Link /Type /Annot >> -endobj -264 0 obj -<< /A << /D (table.caption.9) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 349.085 352.02 355.803 363.208 ] /Subtype /Link /Type /Annot >> -endobj -265 0 obj -<< /A << /D (figure.caption.11) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 390.24 256.379 396.958 267.567 ] /Subtype /Link /Type /Annot >> -endobj -266 0 obj -<< /A << /D (section.5) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 547.472 256.379 558.996 267.567 ] /Subtype /Link /Type /Annot >> -endobj -267 0 obj -<< /A << /D (section.5) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 529.801 144.797 540.951 155.985 ] /Subtype /Link /Type /Annot >> -endobj -268 0 obj -<< /A << /D (figure.caption.12) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 386.257 120.887 392.818 132.075 ] /Subtype /Link /Type /Annot >> -endobj -269 0 obj -<< /A << /D (cite.skewmanohar2024parlayann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 471.409 75.303 482.667 83.557 ] /Subtype /Link /Type /Annot >> -endobj -270 0 obj -<< /A << /D (cite.munyampirwa2024down) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 485.357 75.392 496.615 83.557 ] /Subtype /Link /Type /Annot >> -endobj -271 0 obj -<< /A << /D (cite.hmann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 499.305 75.303 510.563 83.557 ] /Subtype /Link /Type /Annot >> -endobj -272 0 obj -<< /Filter /FlateDecode /Length 4154 >> -stream -xڥ[K6WZj/>'gdrsH+ɯnt(JԖgutzZ%o_%J^yW?^ř"/}pW| ߈"_qtuJ"W"LabxWooΣjFEiLϷkiۆy-/ֿod"!2B97NvÉ-Zg{Zgzw2]d+'N冦iO}}u4z4c:U\?7"TƐcaVzzkGy'U n< e,,?qx(,[8[ڕ}U}LԷTk_BW+θ-{) @mh23u->-CC7^pz[zcQykK@.|bIfwTUڅ&i< -ڋP@2Ą vQΠùaԹln8Vt\gjx?Uðˢ -;Iơ: -:eKes!#i"LS -)]0{"qawR͔X,K/MUd.D^1n*e39ޑCF` -""Qelol@y|$tfJ¡2~%*IqLD_'c.& [6Od4_x{Pa|TuS*pU@CC݇j,Pݤ=E7_;ئ9,j=/Y)Dt4Q9(0q ^@/w gihQ뵐SCosSN;[L HT`M8HI!" 0/ckwNShFiGeTqmIɷQ ,.:[v<*\mLmS4W_ނ'T8'hm*bfA;mn9z[wyf}^?p$'hT`+{\c0IŽXԱ2K%gaǘkcwT]SF 3J y(km)PZZp,kd8vYN#y3| ȝx}M}{c@KZȋR'C_\ЂE+m'9 E!P.KwB/id -KA"Idi'+4h -by)t|g3.gXE/6hƑAPax!S%; -[ڌ hG }S8t\|n`+P1vLQC=6nwO(oY1#-HA$zbzG.vXw5RG[ǵ,\6h}X4s{`h6TD &VIO*Eѻs -e_l :y'y_,_Ot,\b`Z/9Qn^$)RW cO@Г Ȫ{xc6I>cH{ zH+,=U5 2A*B9pw 1GeRm|/jШyk&'r~vqAHEٗvu_2c!-XxΖ9%<0S$H?$zPvG'7AWO(rB `9 99,T0gmJ;N -g'MW]6,&2 -=oܜ<78eƠMIxDܻ=dc>Ra[] @%bm2?icK3<|⭾QaU!~I{-_wxË6F>r_\2w,6:sQufRAѫ5ʈd`\c}bfYs1Kn -3Jb{ޏ?SO7M~}:P5OLU*G 9 &&u[o0) ź]W͕O?*y . VsHY?z2DA^po2AHCkHg̜PQC7%416cʧ -Ixa,+0 -S<)hNu4%i99/#dƴяvѠA0u3y#SA8ͅoq:ձa8Q&Ȃnds"_(0ql~~ڍ KIW=뙆8$>M'XogT7ǹ -$_׹X^ӧǓ0ƞA*Q;E/O1aDE -X;ʮk\]u t,1ykzte\΋ѱ *bpb#f?LƷP*%RB~-7S8%zɸ㖸+tiQp&Lj~VQH x̧}C̝:T( C}Md2vS%St3;$]OB78N]h7#XQ?xXnԎRWɼ]K޵JU֜b0m)6s['?~EA? -,#iUAinKokoS4{jQH)%=;f7_OȕP.̺w{`~vw1]H7ku7o!O.Lh6HFn@cC2 |} -endstream -endobj -273 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F206 92 0 R /F209 93 0 R /F212 94 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] /XObject << /Im7 588 0 R /Im8 589 0 R /Im9 590 0 R >> >> -endobj -274 0 obj -<< /A << /D (figure.caption.15) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 161.693 463.601 173.137 474.789 ] /Subtype /Link /Type /Annot >> -endobj -275 0 obj -<< /A << /D (subsection.6.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 191.011 427.736 209.172 439.108 ] /Subtype /Link /Type /Annot >> -endobj -276 0 obj -<< /A << /D (cite.li2023towardsgte) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 128.603 418.017 139.861 426.271 ] /Subtype /Link /Type /Annot >> -endobj -277 0 obj -<< /A << /D (figure.caption.13) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 287.895 391.87 294.427 403.058 ] /Subtype /Link /Type /Annot >> -endobj -278 0 obj -<< /A << /D (section.3) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 236.477 316.134 247.983 327.609 ] /Subtype /Link /Type /Annot >> -endobj -279 0 obj -<< /A << /D (figure.caption.15) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 254.783 168.707 266.041 180.162 ] /Subtype /Link /Type /Annot >> -endobj -280 0 obj -<< /A << /D (subsection.4.2) /S /GoTo >> /Border [ 0 0 0 ] /C [ 1 0 0 ] /H /I /Rect [ 196.347 120.887 214.832 132.075 ] /Subtype /Link /Type /Annot >> -endobj -281 0 obj -<< /A << /D (cite.ivf) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 407.958 182.899 419.216 191.153 ] /Subtype /Link /Type /Annot >> -endobj -282 0 obj -<< /A << /D (cite.hnsw) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 523.634 182.899 534.892 191.153 ] /Subtype /Link /Type /Annot >> -endobj -283 0 obj -<< /A << /D (cite.hnsw) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 500.509 158.989 511.767 167.243 ] /Subtype /Link /Type /Annot >> -endobj -284 0 obj -<< /A << /D (cite.nsg) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 543.021 159.078 554.279 167.243 ] /Subtype /Link /Type /Annot >> -endobj -285 0 obj -<< /A << /D (cite.diskann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 355.869 147.034 367.127 155.288 ] /Subtype /Link /Type /Annot >> -endobj -286 0 obj -<< /A << /D (cite.sptag) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 422.973 147.034 429.599 155.288 ] /Subtype /Link /Type /Annot >> -endobj -287 0 obj -<< /A << /D (cite.nssg) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 432.316 147.034 443.573 155.288 ] /Subtype /Link /Type /Annot >> -endobj -288 0 obj -<< /A << /D (cite.hcnng) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 446.29 147.123 457.548 155.288 ] /Subtype /Link /Type /Annot >> -endobj -289 0 obj -<< /A << /D (cite.wang2021comprehensive_survey) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 495.712 111.168 506.97 119.422 ] /Subtype /Link /Type /Annot >> -endobj -290 0 obj -<< /A << /D (cite.baranchuk2019towards) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 357.883 87.258 364.508 95.512 ] /Subtype /Link /Type /Annot >> -endobj -291 0 obj -<< /A << /D (cite.zhang2020learning) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 366.805 87.258 378.063 95.512 ] /Subtype /Link /Type /Annot >> -endobj -292 0 obj -<< /Filter /FlateDecode /Length 4162 >> -stream -xڥZKW*le c\bK˱}tij=`A6)Պ<{zu7f-^=&batebau&_vxB+hw"[|3䥗yKQ"-ՋҦ +Tdf=yJȤq_y)hsZI;҃?rR);s%3g-LC56,a8s)K^fx,>[ ]8hL\ӪwDՊmI!ci:81IX2&mcl;.ՌX -B:9e!.ձp۽snĩ]G}0mEA;&^3=7]bS./'$4MJTRiUJrK?Jn|hJ<֫sp,+jEf.?/}2ojwf\^* ,ywZE6qɻF[{vr - -q{]p^V=kM!XQIk6 cC/ω*:"-JqC74Zӓŀ"w^F -#)U\M֡rsbUhӲds%:t -Ђ+8}C;1 Q9 `J $mϪ|,QPAR`8j~j)P nʱ~E Rh}b[:]mۖG꜋M4 6qWX"- -߼/ϟviv9 UkvUiZՃ{4\- 21FSNvO%xu -7砩i| XgjhE<(-ManӘA -!E*OmD$EN+*#-Q6u@i·g(ϕ n~.%ƽ8l zŦrP#{k!!0M;@C[v(:Rټ]SKn/ ձGXhA. -;l97|`+Le< G9?Lr:8z`n,5h5Ft=Ǻ ]<βTI1֜ 5uYt~uy H@1XG ;ҺfW|PE* j:Xdr">8R }f'7%pGQ[܋:G_cįܦZ"=.쒝̩f<DbLW#@^p7 -x+/Vp`;3tҒưjtii+77FR+,5c(x$ W.{r#xVk||w@E)N5e6AA jAjQlԗ9GUȧ4 -Y'*_aTɧ%iPƕϖ`cż&jc?%pk.3`lyCe`'51М.ZWwAzX50:O7vM[g:O8e1UY5?^8h\`>Gr P(-&U*M\V oN>GxQcz@%TgǏqCc_T-D0y-]0"i0XddRAIVv[m}]SpSGMsRWEf}~ /T$)rf6?T]7ru%o"7IWa?]94jJ.SLŸ96bp!q$츤3ڰAm!n>!U^z۔\33ۺxiy 3 -p0?E;iWV9!\8*2\By*p]櫺Cv ɯtnbBZ+ fVÊe+zx%5kU&Sm RI0&%H`ln6|xɯ/_6SwxxQRFѾԭLF1=:Ӏ'Rh bRDaqBTZ6&1pʛ\H=Xvs[g}&C}ҧR ?j_8Z(*׳U c%- mAr␿7jymd`d33s#pu}|Hy*Z;,)g0*Xb -~ECY-OSv)R[(wgA`?%$y~q- @2~A!{j<L5'\>uQV\DKF> /Pattern 97 0 R /ProcSet [ /PDF /Text ] /XObject << /Im10 591 0 R /Im11 592 0 R /Im12 593 0 R /Im13 594 0 R >> >> -endobj -294 0 obj -<< /A << /D (cite.diskann) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 280.166 685.016 291.423 693.27 ] /Subtype /Link /Type /Annot >> -endobj -295 0 obj -<< /A << /D (cite.wang2024starling_sigmod) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 75.624 649.151 86.881 657.405 ] /Subtype /Link /Type /Annot >> -endobj -296 0 obj -<< /A << /D (cite.fast25) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 133.353 637.196 144.611 645.45 ] /Subtype /Link /Type /Annot >> -endobj -297 0 obj -<< /A << /D (cite.tatsuno2024aisaq_gps_ref46) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 279.742 625.24 291 633.494 ] /Subtype /Link /Type /Annot >> -endobj -298 0 obj -<< /A << /D (cite.LM-DiskANN) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 115.668 613.285 126.926 621.539 ] /Subtype /Link /Type /Annot >> -endobj -299 0 obj -<< /A << /D (cite.seemakhupt2024edgerag) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 280.29 601.33 291.548 609.584 ] /Subtype /Link /Type /Annot >> -endobj -300 0 obj -<< /A << /D (cite.pq) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 243.921 517.644 255.179 525.898 ] /Subtype /Link /Type /Annot >> -endobj -301 0 obj -<< /A << /D (cite.gao2024rabitq_gps_ref15) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 170.627 505.689 181.885 513.943 ] /Subtype /Link /Type /Annot >> -endobj -302 0 obj -<< /A << /D (cite.work-in-progress) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 236.776 374.182 248.034 382.436 ] /Subtype /Link /Type /Annot >> -endobj -303 0 obj -<< /A << /D (cite.ryan2024enronqa) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 251.005 374.182 262.263 382.436 ] /Subtype /Link /Type /Annot >> -endobj -304 0 obj -<< /A << /D (cite.wang2024mememo) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 265.235 374.182 276.493 382.436 ] /Subtype /Link /Type /Annot >> -endobj -305 0 obj -<< /A << /D (cite.zerhoudi2024personarag) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 279.464 374.182 290.722 382.436 ] /Subtype /Link /Type /Annot >> -endobj -306 0 obj -<< /A << /D (cite.yin2024devicers) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 215.298 362.227 226.556 370.481 ] /Subtype /Link /Type /Annot >> -endobj -307 0 obj -<< /A << /D (cite.snap_cvpr2023_tutorial) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 69.987 314.406 81.244 322.66 ] /Subtype /Link /Type /Annot >> -endobj -308 0 obj -<< /A << /D (cite.nvidia2024blackwell) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 541.775 411.465 553.033 419.63 ] /Subtype /Link /Type /Annot >> -endobj -309 0 obj -<< /A << /D (cite.nvidiaA10) /S /GoTo >> /Border [ 0 0 0 ] /C [ 0 1 0 ] /H /I /Rect [ 495.356 399.421 506.613 407.675 ] /Subtype /Link /Type /Annot >> -endobj -310 0 obj -<< /Filter /FlateDecode /Length 5314 >> -stream -xڥ[K㶱ϯ]s$ >c#}3;$`Kl)Jɞt~}Pܴ"dP -fw||7}yv<)E7&Q0nRH7w-?/Ŧ\pl\TM\r"ef H\řƿ}l/w݇8_U&D??ou>hMg"bzxp2}L* ]Rd~3}IfBw8؝U>lf)!c^Uwdsl]>v`Zq,6遢|~M$oBqOoϤI<&F0o4ޭ9RS-d-b-0rO݁y0Rcw.N<tVKvlY0sܞ$%/j6z9NaG`<4]K7hjWtձ4+γba"zP o4}u2#̌w+Zѱ~FHMU6+rM%ڝkWv{ W"Qhg2(` .} qJWrC*-=cvH {r5rAtv2_0^jkM Pҗ6dQp:HR9Aiےhce/Vrm_!I:>{G< -v gjTe$U>وWnZ!asފ-Ar$fN\hx=}?k@:T$3/}ygѷŮB۷`FZ:b݉Ms&IDYРjb# Ogɘjc.{n`GxW3 SɘEMuxbp SIpݕ X1N#挲I3aFVɽhh/_>>WAqyiŊV=vU]PLc?x"#P$¤9ע骢čd:ޘea%IuuEP.KfΩlJt[yu#n0|xn$ܩ:~x ne׬9 'Kѡh6@ӌmKL['[ۀMQ^ Nq!ݞZ=4݅O^H`y܍EЀ E NzvJc:'3ڝHh<_=D[?g9؎q~ij[BBt0zɲ90:uT4ay RMݞ6z*xZǕJФcu<eL8+~h-93h9I;tE5㴪Xm`RvZzhL=}mF٭[rݮ.glbXh/Ce+ XBXeA቎L(ha:)S̗]ٵfoz@v,i?' c"thȻ6k6&ygL6 -c2lxC!Yx>+adꬽ::r,%9gwvJq2Ҍ/kth\\ Bh7* L%Cq`x, E4qy- mc= ':VBJEeC|K&FrN5Zˠ{KM'SBm&c*~j~vNm]sks!.HӹzZ_nͭk] E|KSy.+x /ֵtObp ł.X2V0hGR.6:; -B.]Oz2ie͓y+cX #[;sг̰"5j6"F[C'$ m[E4Z߫R_UPx4 F07Rcp}w$o< M:|37rƓo 'y`%rYB!Y4^ͫ11qn$`SCm{6*|vt=+#rIa)OCV ֕u8+e>VޱXutV%4+*TdM7 -!!f(nSe |j)Q{}?KTh`GFk%:rVo+5JzhuHH<-ej.seD?i ss=2'r -?f`Na$]w$W,\48|)ޠ;FpHDc9T\s -&vzi9?e<ܬAb31w[ )C"<Iow>g_|*=H $] N(YB?^/P$zki c(_ȱj&cކobCŒC HEq>A5Sxxiy#D/$ Gb41D,0> ~ *HDeE$":s)m귾fE*6D[u4T#I25CQã *֔bB>K0 MO(a"YsW&`@lZ(#V?Ӊ-HRN]j}AM$htɋ3 sN60:%A-3 ^냘sPz~H9ΤHPY,Ք2xm8'[n_9PbXPÆ\Ϭoؼ4<!~ =i{ͭ.gZe 5u F(s?)qVBۗ_;ʐ͆ J"!'ͽEvv:HbK:4킚w2@E>}NAV#`Ɣau$ep-6Ou9bzEPU)KX&RgeJ%pR|Lkgw -&3^汆Zc4Bo䑻|"49aDSr ,a_V]2q.bD$&*J(e>iyl ^[_X:7*-Jh9*k\9wg9%nxمld61^RBߑ9 -DЉI4z[O #  -U!2 -s:7D=Ls̓B23C,6eXd+慠8[`cͻrNa~*E_fQR 4;`f.2.6T&qM'&Y(>+|-37m1 -ú=@apPyOFx৅̹gXM2|jtf_J Zl7]d*AW-⾋D>CC3Wc,Z\Y4v>˄ XӺJ|>hd?+_B4cze_+NF9u3Y-D5hnҝ2;nnՕ:O6jHd:o!'KECAHlRfw$qeF4f\-(,rQT>ӣ)[n-$R-gPIb.$/9 6CD r~#/F0(q@OymUMYef0P\Rpe㫻Ψ5c:J~IŞ-s'0褨F/g%Ϯ,x6H.lT:j¾ UqeO棡e#Ŗ*¡H:xFÐLsYř&iM~ a7-EB xLBG)}6/Vg.+mً iޞ?D/ %BY o.x\b?xoYh 2>N088ELK{ UᏳtDK -3w:k1xw3 䙇p 6-h]2֎mm0(6>蜴I>|WýK9NXcֲB q({臞`yùT_yvWaR%CX`-J]=8pG6Hs6sMYPs!gnup;%G.nNN@Ypz.dVP֎ukXJR|M@8IizR3e`L}^PߞO,.&*5vuGIMsv*faKCi7-\m2֮8py{Rr=k,t]᥶D%_bEWdJOD3_dVpfP623BlSPA#J#ޑƳC|A4?(#Ws ؾYphTЦ6RY哲 [Kz,brD yia`nCGg>YKoKT? _jTU2O=bJFnwbE'ruF[F_q=1KR:@t1B4u -x0> -H!0Io ЮX ߽ng -endstream -endobj -311 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] >> -endobj -312 0 obj -<< /A << /S /URI /Type /Action /URI (https://aws.amazon.com/ec2/instance-types/mac/) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 195.914 491.999 295.041 501.464 ] /Subtype /Link /Type /Annot >> -endobj -313 0 obj -<< /A << /S /URI /Type /Action /URI (https://aws.amazon.com/ec2/instance-types/mac/) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 481.997 137.108 491.501 ] /Subtype /Link /Type /Annot >> -endobj -314 0 obj -<< /A << /S /URI /Type /Action /URI (https://aws.amazon.com/ec2/instance-types/g5) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 195.914 472.074 295.041 481.538 ] /Subtype /Link /Type /Annot >> -endobj -315 0 obj -<< /A << /S /URI /Type /Action /URI (https://aws.amazon.com/ec2/instance-types/g5) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 462.071 128.532 471.576 ] /Subtype /Link /Type /Annot >> -endobj -316 0 obj -<< /A << /S /URI /Type /Action /URI (https://techcommunity.microsoft.com/blog/azure-ai-services-blog/announcing-cost-effective-rag-at-scale-with-azure-ai-search/4104961) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 108.617 392.333 295.041 401.69 ] /Subtype /Link /Type /Annot >> -endobj -317 0 obj -<< /A << /S /URI /Type /Action /URI (https://techcommunity.microsoft.com/blog/azure-ai-services-blog/announcing-cost-effective-rag-at-scale-with-azure-ai-search/4104961) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 382.37 295.041 391.715 ] /Subtype /Link /Type /Annot >> -endobj -318 0 obj -<< /A << /S /URI /Type /Action /URI (https://techcommunity.microsoft.com/blog/azure-ai-services-blog/announcing-cost-effective-rag-at-scale-with-azure-ai-search/4104961) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 373.101 130.868 381.752 ] /Subtype /Link /Type /Annot >> -endobj -319 0 obj -<< /A << /S /URI /Type /Action /URI (https://github.com/togethercomputer/RedPajama-Data) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 189.956 282.744 295.041 292.101 ] /Subtype /Link /Type /Annot >> -endobj -320 0 obj -<< /A << /S /URI /Type /Action /URI (https://github.com/togethercomputer/RedPajama-Data) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 272.821 148.601 282.138 ] /Subtype /Link /Type /Annot >> -endobj -321 0 obj -<< /A << /S /URI /Type /Action /URI (https://github.com/kvcache-ai/ktransformers) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 242.893 220.181 252.25 ] /Subtype /Link /Type /Annot >> -endobj -322 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.cpu-monkey.com/en/igpu-apple_m1_ultra_64_core) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 236.137 232.938 295.041 242.435 ] /Subtype /Link /Type /Annot >> -endobj -323 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.cpu-monkey.com/en/igpu-apple_m1_ultra_64_core) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 222.968 221.897 232.325 ] /Subtype /Link /Type /Annot >> -endobj -324 0 obj -<< /A << /S /URI /Type /Action /URI (https://github.com/facebookresearch/faiss/wiki/Indexing-1T-vectors) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 212.136 83.491 295.041 92.995 ] /Subtype /Link /Type /Annot >> -endobj -325 0 obj -<< /A << /S /URI /Type /Action /URI (https://github.com/facebookresearch/faiss/wiki/Indexing-1T-vectors) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 73.528 214.088 82.873 ] /Subtype /Link /Type /Annot >> -endobj -326 0 obj -<< /A << /S /URI /Type /Action /URI (https://arxiv.org/abs/2401.08281) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 353.9 677.264 391.001 686.769 ] /Subtype /Link /Type /Annot >> -endobj -327 0 obj -<< /A << /S /URI /Type /Action /URI (https://arxiv.org/abs/2401.08281) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 418.466 677.264 523.863 686.769 ] /Subtype /Link /Type /Annot >> -endobj -328 0 obj -<< /A << /S /URI /Type /Action /URI (https://arxiv.org/abs/1907.06146) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 477.234 567.683 514.265 577.18 ] /Subtype /Link /Type /Annot >> -endobj -329 0 obj -<< /A << /S /URI /Type /Action /URI (https://arxiv.org/abs/1907.06146) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 539.045 567.683 558.996 577.18 ] /Subtype /Link /Type /Annot >> -endobj -330 0 obj -<< /A << /S /URI /Type /Action /URI (https://arxiv.org/abs/1907.06146) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 557.713 420.299 567.058 ] /Subtype /Link /Type /Annot >> -endobj -331 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.14778/3303753.3303754) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 536.81 527.833 558.996 537.329 ] /Subtype /Link /Type /Annot >> -endobj -332 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.14778/3303753.3303754) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 517.862 450.227 527.207 ] /Subtype /Link /Type /Annot >> -endobj -333 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1145/3589282) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 389.431 478.011 493.353 487.516 ] /Subtype /Link /Type /Annot >> -endobj -334 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1145/3600006.3613134) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 445.313 378.385 558.996 387.742 ] /Subtype /Link /Type /Annot >> -endobj -335 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1145/3600006.3613134) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 370.256 354.371 377.19 ] /Subtype /Link /Type /Annot >> -endobj -336 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1145/276698.276876) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 419.12 318.609 543.326 327.966 ] /Subtype /Link /Type /Annot >> -endobj -337 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1109/TPAMI.2010.57) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 514.876 218.975 558.996 228.487 ] /Subtype /Link /Type /Annot >> -endobj -338 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1109/TPAMI.2010.57) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 209.02 418.06 218.138 ] /Subtype /Link /Type /Annot >> -endobj -339 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1162/tacl_a_00276) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 432.442 99.423 552.503 108.935 ] /Subtype /Link /Type /Annot >> -endobj -340 0 obj -<< /Filter /FlateDecode /Length 8369 >> -stream -x|Rȶ -^nl 堔Tjj {jddhLYm{"rּVfwW~__^fF/{QP퉽X%" -#]-~ ^ڛ|)=-ݟTUZ*XA.|? 9Sc έkVR6_}}2dadpF7K{7`=FB'n4RծmO`?:9^ܭZuFlEKLH57^?/uw]TEuvۊ}( cl`vd9%=˛{S -gYŶ%ih9l wH.Bc԰ݵmi p6vp;a {;N>~䤝΋ng7PUGOC;-iy^Pߕ_Veɩ|q E QYWېSoVKh쎫_P -E͐ e<0JijVSk_t8μsY~!CCҖ m y9"~k,akڥm8Dۀ8 -_3"usr ,tN:2fvytvHMW JC7vIpodPx}8e@W@_yyeyi-]ǭ#QQb7T$Ά@iy/]Ʋ)*[̶+4œ[$cNuXs}Z=M$ʆ-ڧVB*3?Q*EmE;DqcN ^*Fzd[tmHf.DH_# @%!~E3s%vՔY`Ǜy0K*c7WIsHTn 48_h?*VVs4iKOqqeGX(]GVyǬ czY4bT8)#B' -.?\ !nm8% ]0G kLDWHD]! Fd`#M@KjMק_ -80 -{A|}mHnAju$b_QGnf'Y#pL 2AWJP -((v (Dh_`M%,tYrװs" -+WG]oF9o,RdN~ $S{11 װ]6*ҏ\!S n%}O {wSZe̶tFn.ULN A$$ A>Lf/$}뉛$n[ 7-#9D$ !b0F0A ׫3Xn^ /qH>"Tpz,Y|oQ591Q@8ٻ~$W'QoĪY[e;mBNA8gqOWێWбܴ'@Ld>.Y&a0kܜz_}ʢc[ Bt*-r@=@|@@_==Yl=ٳM(;Ej#gEzu -$'KX|uCђt|{m=9q!gr3HD8߃#\)E 2Jk DOGI8UQ$ʏ\8c玿HP8BAa$ N.Ss?EPt\+hf^W`^!6ǡҩ "Cqi=]U׌;vQ4جЖ9.knvfiWzFh:Se [XPHgFv L:*KФ&;^+V0 *mCdtpr}3{~0x/`6Uk֒}GTWנ/[mTG4񴿇sqϲĄR#h_ֈ_y|&JDx@[lc^ y&CH#4$1W$^q?$Ν\ y͗hVG\ nΕfid${ `'yzz;#$Nv'`_ -`EɄw0{vvΉC2|}xb;7 -]$N EH3'$t -!&Q<MH[Q6Z!T8$8y]?:stB(a͜4zr1~z'=ժnΨ cA3YPNVo bH갸_ -Lau;ϴ|>Eb8 CV!] -:l0Ѿ_z,liv㐇L6vӧ b(تp.ؔѸP٤ Ty&^}( $,RqᬅEŴ~ş l ?63l,G/G gɪ]10oY(4!eXGvh~v) 9\sdrRt,+NVrupO,P)p飀;gµ-b؈"r*QwpnEl < -Smس?ji]G;bPlhhBeIFNIƠU/ \Q|"܈b~|@@b -N/E&TS :u+`N"LA4BͳpGn^Nj` -r(픽qeAj{d^–Y |w[_ë.m8SNc ZYD򔎹Gl  e :!^=e]m;2WԹ&l] #@QܢmaP zht\_l4mq[ -JyBXǿu=N\8XIj/1w[W֩)1 .6.R/|I49],lBA]%x,,tV/85,m)GZjP -e$#W4"}M -D*5?bNr' ¼t֏*@zFL_/՚߄jdXv7Aq^7;f &&b/Sw֨t 9[M&AȦȁd 2/uiI$ݨqU;G;on}LDΊv'R83wo`l GgE|2D.GC.bdwv&ly`a7VcË!J+81lu"ګ:xzzEξx֮Ի3dj;:&3NS7U1 TQ)17쩱 elHqyq㝬'h;4c5Q:m]͗Kڅe7m-Wn N6ڻWYa_|aq稜y9@"ov7:_-d:t-j^t]`fZ8, -zO'sq8h%nL@ 4A9B 7+9oY[]iܙp0FfV&u3n(MOH!z9o%#?^8Ct.|p630b>!:x 58)&U,yհ%GH PNrN\/f&cm,ZĸtwEɡ78(-KuQ01^s[?TBCA~\ -&…f"#.`L/\7i#-Kfqcj]6dw $&L'W@50CTZg΢Y)(uӇu/bulðNW?($9N ZFО h> ӱ{_ض34LԤG 0q*hIK`{!!wkNV3߷"L:P -K+%;[AOzC(؅^{鄿2 t8vHC׺3тl6bzg\bl3K8OsIN -+G u\ZohbiޖR [w| -rC't'){L<'HyO>:pR3pBi=2(Uoc4>b)lYZ`(S5䔐.:t^Ѕ7m#/ׅE$4F<SG[%cTJRc|q2D-H6ލvÿ3:M]^!8[< TA{ -־\P\MMϙL_n8/2~K`ɵJŲgq^^e'@ꪸ;9>9SDc,E]2 㱊 drJIVu~l0#t!x9?ǤT&?LAfCl*нC8H%ce`<$㋢&~3$`Bs{R*B 2tioԁ5W77۰h >uAD0]-g!lAйzpF_9' m+쯚\ `9!N عG壏*V " -kA\9ve:(уo@\ 4%1S?G=(_ۦHXgfyUCh5  ) - V!^E -Y"a}p񩐳tYgc!J6vw(FU؍b^拃;U _;.ߟ't;u<4m]!deB|?_;HF>3 DgqPfF0AtU5f h!}?Y\ 9K޶%sG]Lw瀭IH'Ya8(Eb8'K%PQT.Cӹ^ˌNm?`8;~muI=9`%+_w0WQ*FoD$GcdpJk̝s -oy -TdXʐȼ1C׼,RXGE]T4Yl{>D656u` (plVа})蒗Z3enA@JSZ)ѵޝKE7ʲpdVIb0R#-CPB  LCWfPoCvg}$_ -_{i@7a*(~2Bw9qQ|*]ױ逓{2λK -Aq/,wrjH -3}tIM6a -~υ+]Ȑjg\ݓ}.1I4:ߚ]1TRD{Ϥi}O#.dIo5r+@>Qt$/#2#`0go1W3Qv^rOɦ=$n8$$հ;BÇӾ“* 2Sa+>,WhR45]y/+пEJ9 `y,i]@*Rv ;wt])"isT}Iz˺qV(T7'>i}6N9n^39gƒ'cW- JNPW3&V=j0MJr}gSNs6s8gG $;t4~ R߆[?+~U'SȗgZHIA ny *.f!#Ѷ -awoOw;?XW߄JBQ\!=f"@CacdƗv(S:9_D{+X!0N>wdhc~$1 h=yi#U|n‚j3~@VE Dyu,Ͷz̹B.v,W7sLXnoU;E#.E:rЈ2) >*j2(#^=z.uFW k=7*_,QfIQ;sտ`2 -endstream -endobj -341 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F198 89 0 R /F201 90 0 R /F204 91 0 R /F212 94 0 R /F470 595 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] >> -endobj -342 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1109/EMSOFT60242.2024.00006) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 275.333 697.182 295.041 706.622 ] /Subtype /Link /Type /Annot >> -endobj -343 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1109/EMSOFT60242.2024.00006) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 687.227 213.928 696.572 ] /Subtype /Link /Type /Annot >> -endobj -344 0 obj -<< /A << /S /URI /Type /Action /URI (https://learn.microsoft.com/en-us/azure/search/vector-search-index-size?utm_source=chatgpt.com&tabs=portal-vector-quota) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 275.43 408.265 295.041 417.777 ] /Subtype /Link /Type /Annot >> -endobj -345 0 obj -<< /A << /S /URI /Type /Action /URI (https://learn.microsoft.com/en-us/azure/search/vector-search-index-size?utm_source=chatgpt.com&tabs=portal-vector-quota) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 399.004 295.041 407.655 ] /Subtype /Link /Type /Annot >> -endobj -346 0 obj -<< /A << /S /URI /Type /Action /URI (https://learn.microsoft.com/en-us/azure/search/vector-search-index-size?utm_source=chatgpt.com&tabs=portal-vector-quota) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 388.348 259.19 397.693 ] /Subtype /Link /Type /Annot >> -endobj -347 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.nvidia.com/en-us/data-center/products/a10-gpu/) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 224.187 308.686 295.041 318.151 ] /Subtype /Link /Type /Annot >> -endobj -348 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.nvidia.com/en-us/data-center/products/a10-gpu/) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 298.684 207.612 308.041 ] /Subtype /Link /Type /Annot >> -endobj -349 0 obj -<< /A << /S /URI /Type /Action /URI (https://images.nvidia.com/aem-dam/Solutions/geforce/blackwell/nvidia-rtx-blackwell-gpu-architecture.pdf) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 278.759 295.041 288.104 ] /Subtype /Link /Type /Annot >> -endobj -350 0 obj -<< /A << /S /URI /Type /Action /URI (https://images.nvidia.com/aem-dam/Solutions/geforce/blackwell/nvidia-rtx-blackwell-gpu-architecture.pdf) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 268.796 201.877 278.153 ] /Subtype /Link /Type /Annot >> -endobj -351 0 obj -<< /A << /S /URI /Type /Action /URI (https://objectbox.io/on-device-vector-databases-and-edge-ai/) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 254.426 258.841 295.041 268.338 ] /Subtype /Link /Type /Annot >> -endobj -352 0 obj -<< /A << /S /URI /Type /Action /URI (https://objectbox.io/on-device-vector-databases-and-edge-ai/) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 248.871 242.027 258.228 ] /Subtype /Link /Type /Annot >> -endobj -353 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1109/BigData59044.2023.10386517) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 199.058 241.561 208.402 ] /Subtype /Link /Type /Annot >> -endobj -354 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.pinecone.io/learn/series/faiss/hnsw/) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 179.172 252.969 188.489 ] /Subtype /Link /Type /Annot >> -endobj -355 0 obj -<< /A << /S /URI /Type /Action /URI (https://snap-research.github.io/efficient-nn-tutorial/) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 539.045 687.235 558.996 696.584 ] /Subtype /Link /Type /Annot >> -endobj -356 0 obj -<< /A << /S /URI /Type /Action /URI (https://snap-research.github.io/efficient-nn-tutorial/) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 677.264 488.942 686.8 ] /Subtype /Link /Type /Annot >> -endobj -357 0 obj -<< /A << /S /URI /Type /Action /URI (https://github.com/facebookresearch/faiss/wiki/Guidelines-to-choose-an-index/28074dc0ddc733f84b06fa4d99b3f6e2ef65613d#if-below-1m-vectors-ivfx) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 537.954 617.528 558.996 626.993 ] /Subtype /Link /Type /Annot >> -endobj -358 0 obj -<< /A << /S /URI /Type /Action /URI (https://github.com/facebookresearch/faiss/wiki/Guidelines-to-choose-an-index/28074dc0ddc733f84b06fa4d99b3f6e2ef65613d#if-below-1m-vectors-ivfx) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 607.526 558.996 616.871 ] /Subtype /Link /Type /Annot >> -endobj -359 0 obj -<< /A << /S /URI /Type /Action /URI (https://github.com/facebookresearch/faiss/wiki/Guidelines-to-choose-an-index/28074dc0ddc733f84b06fa4d99b3f6e2ef65613d#if-below-1m-vectors-ivfx) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 598.257 558.996 606.908 ] /Subtype /Link /Type /Annot >> -endobj -360 0 obj -<< /A << /S /URI /Type /Action /URI (https://github.com/facebookresearch/faiss/wiki/Guidelines-to-choose-an-index/28074dc0ddc733f84b06fa4d99b3f6e2ef65613d#if-below-1m-vectors-ivfx) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 588.294 374.204 596.957 ] /Subtype /Link /Type /Annot >> -endobj -361 0 obj -<< /A << /S /URI /Type /Action /URI (https://arxiv.org/abs/2412.11854) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 353.9 358.46 391.001 367.964 ] /Subtype /Link /Type /Annot >> -endobj -362 0 obj -<< /A << /S /URI /Type /Action /URI (https://arxiv.org/abs/2412.11854) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 419.016 358.46 524.413 367.964 ] /Subtype /Link /Type /Annot >> -endobj -363 0 obj -<< /A << /S /URI /Type /Action /URI (https://arxiv.org/abs/2404.06004) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 521.377 278.751 559.18 288.263 ] /Subtype /Link /Type /Annot >> -endobj -364 0 obj -<< /A << /S /URI /Type /Action /URI (https://arxiv.org/abs/2404.06004) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 268.796 439.428 278.141 ] /Subtype /Link /Type /Annot >> -endobj -365 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.usenix.org/conference/fast25/presentation/tian-bing) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 466.001 209.02 558.996 218.377 ] /Subtype /Link /Type /Annot >> -endobj -366 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.usenix.org/conference/fast25/presentation/tian-bing) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 199.058 458.815 208.402 ] /Subtype /Link /Type /Annot >> -endobj -367 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.optimum.com/articles/mobile/choosing-phone-storage-amount-needs-guide) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 179.132 558.996 188.477 ] /Subtype /Link /Type /Annot >> -endobj -368 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.optimum.com/articles/mobile/choosing-phone-storage-amount-needs-guide) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 169.17 432.234 178.515 ] /Subtype /Link /Type /Annot >> -endobj -369 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.optimum.com/articles/mobile/choosing-phone-storage-amount-needs-guide) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 149.244 558.996 158.589 ] /Subtype /Link /Type /Annot >> -endobj -370 0 obj -<< /A << /S /URI /Type /Action /URI (https://www.optimum.com/articles/mobile/choosing-phone-storage-amount-needs-guide) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 139.282 432.234 148.639 ] /Subtype /Link /Type /Annot >> -endobj -371 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.1145/3639269.3652200) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 429.97 79.506 558.996 88.938 ] /Subtype /Link /Type /Annot >> -endobj -372 0 obj -<< /Filter /FlateDecode /Length 8136 >> -stream -xU ;s[QEʋ劋_P~*R7S n<7K#D>ER7AiU曣yUU/WGs άm5 zrPBan菀sy&S|è_sݳYazF*ȆX6ͺ>:yɳ8\@nMejXeS~:pq]~1鍐h?'L27?`3ح`sq -3裙7S6_MS=E)Z (PTi|X\gOAfsjLL ۙ8]܏e=0u vNOǘrQ-/4U2z5Xt?Mx Sz,%˗/nHIMu ̵Mml.onW#A+.D#@ӏ'AS-{A#ry1(/yε?N8s}M[~?ƠZ&XvV 0P@J$*V0mޫ?]eaJn $M %Bߖs.`YUurf#*33MG _Cׇ:[' j|"q)vn!"yrJQ߇sHzdf^b!soɥ”'>,B`C@TJO)?L"$; OYs -8A;hU {*HCKU(n%n%#I@p!ojL,X+f1]hsΧ -'E3 od(D09ɢ\$rvon!p$' -+Ν&"r[yw/@a9#6bB^XYnZ֬`}2ټvwf^ߥ.H424[m'a-ma )IKOBfW-dsXBo~I0i3sm8dCBCi$hE -=B)DZk{S -xND{8W;]&ٚ Zix2߇!4ҒYRMP_Y, CFvsR(U;I]F]$͔Hzq BU [S9Z~Y7&S÷3 ^p-ve[Xڿ!R.%<|sJkHq83>lfۥ%JL8vH<aL ,4u13 jWv5uש7H "3nꃯWT U `dtF;Gs4h~$祙uu’e@IB -*k0ǣsLfm]|W%K̾B)UEm , 0-SUX -˞2 }e23)JQr-UuCג$o9+}mCrSʀ ӽ^ܜ09d> -D(_vi@˭ bQX"tsY9g*|vग़IrnƝW44gB*",*珶-L A0 }ȑL'_c2([ǭ H梴:/.NȲ;{e'7rۉc(SW9/z)9s~¥6N܇:Qo6/A^6—q?*;"IG>zI|9?^.оD6S" /J'rrҁO'$2n7AG Nu/Sx=$<`CbM F(FdHp|D(\7 J (H"wDmtp1H:uפ )xɻI VB'8T=]w0=ApJ6>iHO)(D8>>D ʷU22uzϲП7FC}k1UYe{#Hcw'sJ0I~e]u6\t]"SHXt%&֍HV}(A|s/ -u Q {k\; wr3/vK A&BDYpAzPBȝ?r 3D CTG~'TƧ?>w6|/ޕyU -Jn!aҁԉ*9hs=]5 xיyۡg&RCzH$tpAU2$#kN9MVԻU7}V7A>ިcFc= P_PL0E4\p}5 -5ߜ2"3+lo@N#'6ACx~@@ۗceK6ǩs{ L⛶0df4\y!-|̙ՑdF۫؈ll) kVq:1 d5]:V7 %s(g(򉄸L_DJSJ۫* suq ̦nl (slT?,ۆeÞ[wSy⑌լm Za.| oj(7bm]fsv2 (zx0k-NTb|KD ~ '`Ya\_勿crNv$vj50V$>!9:=j.$ͯKmKE9G ~O{Pd8%%((p-Gj7 -D7+4= "93phZrkF"0;S14݇HxA<;(wp~r68=S.{LE @ǘ+/ W*tqtZzvh.qJ5&T5gJYF Y(1< 2(6D4xoƦnYnC{ 5[IɑJQ.-1`S@:%3A<:{=gD*1/1&I[1UFYWx[x#0y~⽣Qw?H╣#BʳNP֪;}=we`"Wi7"") u-)e8rr>̯2y6I= -ݜ PB$4WI0FEaJs9e ,.b-i朷\à31r*u.OJ+/6qtr(ZSNTGL@z,ܒ׊uMNF-E6TYO3%-c4d|s9Sspv8R3L5G CPͼk5<sEʷݜsݛ?ѽ>~~.(r#$#l^=h+)rw"H<;6rVqj6sO;{9 /Kb`ߏPL=fI݇}YsEѹ$Z f#C6DŽGZߊz ,ꉗ@n=c.1ȟ8aPSX^8E`BA[Tkb|ދ?%$Ziʫ -ݮř -6lӱTI [@ҟ2~滳!L|ԓ(LU] Gpf:-YPG#vmY\@Ĝ=/s,p'~CSOUGGxg$C] /x}5&ݶZؙaz$9& :hI]$ܜ鍑"駔/8ؐYg-̊5kƘNqs?RR7W(=/,T|6P0 ?إ;PL' /F=R4}NsϤv= -xn|Kҋ{l)Q?m']sy)g}hU{܂a"QX(X1eu@˝.ގriys! NeԫởPd+`Q~r93g-fuEHoX>΁k˂>ЋaqB l#ui#CH %&cf"jp -T̹F2CFt}אEFU* Q -4 -©{robo6Eo>O@/ƾzzq.>,e'wKkld$ӵPQ|jh1Vun;>c{09bw/ Za38=]! heB8t;gM> /Pattern 97 0 R /ProcSet [ /PDF /Text ] >> -endobj -374 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.14778/3476249.3476258) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 177.094 677.264 295.041 686.769 ] /Subtype /Link /Type /Annot >> -endobj -375 0 obj -<< /A << /S /URI /Type /Action /URI (https://doi.org/10.14778/3476249.3476258) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 70.076 669.135 86.893 676.069 ] /Subtype /Link /Type /Annot >> -endobj -376 0 obj -<< /A << /S /URI /Type /Action /URI (https://openreview.net/forum?id=HJlXC3EtwB) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 334.031 617.528 488.38 626.833 ] /Subtype /Link /Type /Annot >> -endobj -377 0 obj -<< /A << /S /URI /Type /Action /URI (https://eprint.iacr.org/2024/1255) >> /Border [ 0 0 0 ] /C [ 0 1 1 ] /H /I /Rect [ 444.791 547.75 551.272 557.107 ] /Subtype /Link /Type /Annot >> -endobj -378 0 obj -<< /Filter /FlateDecode /Length 3068 >> -stream -xڝY[s۶~ϯh&  HϜ8vKԱܚ>-H$ί R$E%c|?XgݳWOK=~ L-$_wA?yPvf$r2 xHODLT|ՓUv|*Pͬ+=oɘ$:O-p[L` UY%6Zekp1P<ϫ6hyvXsa,T -`ӊ$(-Ԟc5TLݧ U?5Pg_@g:0Kaxc65A uk4cpQ>Hi4Rʸ'024FXi0`,.Nr/v+4{vm(v<*]kqd3)B|ui| ~bage#t8N f -kO U, p|9ch<אDo0(c0/!5F:7}˅ЎіA #,3Xqv>S@F/?5;e ͙0,CZF6`"; LuX3aF߀##* xb֗2SQp(@{3글%H#!\;D ݵ ~sj݄x'VvQe4nЛ*ceO%|*oW7nZ_cm<|$Iq$ɏ̆Hdcl/l{^{.qWy-%gsM@-J\[gm!Ab3£B .*gv q'Y;*46XpHdm ۸C>^Jpd|GF3u'H?IFlIk=_$Y~۶6l6c389;|nd`(V7^t$a*ЍmuLohG zP!%ޓu>f1KI|Ei  -3gSVn0~RaV*kZM]m>dldp*b t3ʇÒ1c0~x&'%D5vɆmıHaq?kIفy|\9 -ݹn\I>4.#)SMHe)@@cIye yC} -.YQ?evB7)|d<_:|t /oz {Y}{у#W)zt#dMmYprc9cՔuPBmȚI; -{UZR T wix=Ų$`.nApņRlYrnC~؍?&Zg%DZ3Dxůٰ֡$ĘSaFUIꚯX;\ -*v)`2"'l=%& =iCTMbg pmE[M\/]ɺ.e(zhV|8H>ٺcԅVp}6bٓ!kpC -xoQP-1h) O+ T߉v'H/bl `w(dJuVTmv6}gY`f'9\fSTGb]J^^ǤY1ˁ7шg-qrtn-I;a2e.6qF{y;~ܷ?aԠjoTCZu4J%M쿆fg -UK,XoԦ&Ė٭M]*#˷ܷL 93i@+F|(d7d :8I٠6B6B9`ka:Y[bbNJxcFUp?qFE=FP>l1}OJK7Xʝg$^7uXݤ,_2 -oj,6:Aq6D۷w -endstream -endobj -379 0 obj -<< /ColorSpace 87 0 R /ExtGState 88 0 R /Font << /F201 90 0 R /F212 94 0 R /F470 595 0 R /F551 596 0 R >> /Pattern 97 0 R /ProcSet [ /PDF /Text ] >> -endobj -380 0 obj -<< /D [ 47 0 R /XYZ 65.955 704.471 null ] >> -endobj -381 0 obj -<< /D [ 47 0 R /XYZ 65.955 584.919 null ] >> -endobj -382 0 obj -<< /D [ 47 0 R /XYZ 65.955 572.964 null ] >> -endobj -383 0 obj -<< /D [ 47 0 R /XYZ 65.955 559.679 null ] >> -endobj -384 0 obj -<< /D [ 47 0 R /XYZ 65.955 547.724 null ] >> -endobj -385 0 obj -<< /D [ 47 0 R /XYZ 65.955 533.417 null ] >> -endobj -386 0 obj -<< /D [ 49 0 R /XYZ 65.955 510.942 null ] >> -endobj -387 0 obj -<< /D [ 49 0 R /XYZ 65.955 498.986 null ] >> -endobj -388 0 obj -<< /D [ 49 0 R /XYZ 65.955 487.031 null ] >> -endobj -389 0 obj -<< /D [ 49 0 R /XYZ 65.955 475.076 null ] >> -endobj -390 0 obj -<< /D [ 49 0 R /XYZ 65.955 463.121 null ] >> -endobj -391 0 obj -<< /D [ 47 0 R /XYZ 65.955 680.56 null ] >> -endobj -392 0 obj -<< /D [ 49 0 R /XYZ 65.955 448.839 null ] >> -endobj -393 0 obj -<< /D [ 47 0 R /XYZ 65.955 668.605 null ] >> -endobj -394 0 obj -<< /D [ 47 0 R /XYZ 65.955 656.65 null ] >> -endobj -395 0 obj -<< /D [ 47 0 R /XYZ 65.955 644.695 null ] >> -endobj -396 0 obj -<< /D [ 47 0 R /XYZ 65.955 632.74 null ] >> -endobj -397 0 obj -<< /D [ 47 0 R /XYZ 65.955 620.785 null ] >> -endobj -398 0 obj -<< /D [ 47 0 R /XYZ 65.955 608.829 null ] >> -endobj -399 0 obj -<< /D [ 47 0 R /XYZ 65.955 596.874 null ] >> -endobj -400 0 obj -<< /D [ 9 0 R /XYZ 54 638.463 null ] >> -endobj -401 0 obj -<< /D [ 9 0 R /XYZ 54.498 96.339 null ] >> -endobj -402 0 obj -<< /D [ 50 0 R /XYZ 321.326 126.771 null ] >> -endobj -403 0 obj -<< /D [ 50 0 R /XYZ 321.326 117.078 null ] >> -endobj -404 0 obj -<< /D [ 51 0 R /XYZ 54 372.096 null ] >> -endobj -405 0 obj -<< /D [ 51 0 R /XYZ 54 334.048 null ] >> -endobj -406 0 obj -<< /D [ 51 0 R /XYZ 54 286.512 null ] >> -endobj -407 0 obj -<< /D [ 47 0 R /XYZ 54 725.978 null ] >> -endobj -408 0 obj -<< /D [ 49 0 R /XYZ 54 725.978 null ] >> -endobj -409 0 obj -<< /D [ 50 0 R /XYZ 54 725.978 null ] >> -endobj -410 0 obj -<< /D [ 58 0 R /XYZ 54 241.793 null ] >> -endobj -411 0 obj -<< /D [ 58 0 R /XYZ 54 271.681 null ] >> -endobj -412 0 obj -<< /D [ 58 0 R /XYZ 317.955 201.943 null ] >> -endobj -413 0 obj -<< /D [ 59 0 R /XYZ 54 630.336 null ] >> -endobj -414 0 obj -<< /D [ 57 0 R /XYZ 54 245.778 null ] >> -endobj -415 0 obj -<< /D [ 57 0 R /XYZ 57.706 574.545 null ] >> -endobj -416 0 obj -<< /D [ 57 0 R /XYZ 57.706 534.695 null ] >> -endobj -417 0 obj -<< /D [ 58 0 R /XYZ 54 421.121 null ] >> -endobj -418 0 obj -<< /D [ 57 0 R /XYZ 57.706 464.956 null ] >> -endobj -419 0 obj -<< /D [ 57 0 R /XYZ 57.706 435.068 null ] >> -endobj -420 0 obj -<< /D [ 57 0 R /XYZ 57.706 415.143 null ] >> -endobj -421 0 obj -<< /D [ 57 0 R /XYZ 57.706 335.442 null ] >> -endobj -422 0 obj -<< /D [ 57 0 R /XYZ 54 176.04 null ] >> -endobj -423 0 obj -<< /D [ 57 0 R /XYZ 54 146.152 null ] >> -endobj -424 0 obj -<< /D [ 58 0 R /XYZ 317.955 361.345 null ] >> -endobj -425 0 obj -<< /D [ 57 0 R /XYZ 317.955 680.149 null ] >> -endobj -426 0 obj -<< /D [ 57 0 R /XYZ 54 96.339 null ] >> -endobj -427 0 obj -<< /D [ 57 0 R /XYZ 317.955 640.299 null ] >> -endobj -428 0 obj -<< /D [ 57 0 R /XYZ 317.955 720 null ] >> -endobj -429 0 obj -<< /D [ 58 0 R /XYZ 317.955 630.336 null ] >> -endobj -430 0 obj -<< /D [ 58 0 R /XYZ 317.955 271.681 null ] >> -endobj -431 0 obj -<< /D [ 57 0 R /XYZ 57.706 484.882 null ] >> -endobj -432 0 obj -<< /D [ 57 0 R /XYZ 317.955 480.897 null ] >> -endobj -433 0 obj -<< /D [ 57 0 R /XYZ 317.955 520.747 null ] >> -endobj -434 0 obj -<< /D [ 58 0 R /XYZ 54 391.233 null ] >> -endobj -435 0 obj -<< /D [ 57 0 R /XYZ 317.955 441.046 null ] >> -endobj -436 0 obj -<< /D [ 58 0 R /XYZ 317.955 680.149 null ] >> -endobj -437 0 obj -<< /D [ 58 0 R /XYZ 54 520.747 null ] >> -endobj -438 0 obj -<< /D [ 58 0 R /XYZ 54 690.112 null ] >> -endobj -439 0 obj -<< /D [ 57 0 R /XYZ 317.955 411.158 null ] >> -endobj -440 0 obj -<< /D [ 57 0 R /XYZ 317.955 321.494 null ] >> -endobj -441 0 obj -<< /D [ 57 0 R /XYZ 317.955 281.644 null ] >> -endobj -442 0 obj -<< /D [ 57 0 R /XYZ 317.955 211.905 null ] >> -endobj -443 0 obj -<< /D [ 57 0 R /XYZ 54 275.666 null ] >> -endobj -444 0 obj -<< /D [ 57 0 R /XYZ 317.955 172.055 null ] >> -endobj -445 0 obj -<< /D [ 58 0 R /XYZ 54 620.374 null ] >> -endobj -446 0 obj -<< /D [ 58 0 R /XYZ 54 570.56 null ] >> -endobj -447 0 obj -<< /D [ 58 0 R /XYZ 54 660.224 null ] >> -endobj -448 0 obj -<< /D [ 58 0 R /XYZ 54 540.672 null ] >> -endobj -449 0 obj -<< /D [ 57 0 R /XYZ 57.706 504.807 null ] >> -endobj -450 0 obj -<< /D [ 57 0 R /XYZ 54 225.853 null ] >> -endobj -451 0 obj -<< /D [ 58 0 R /XYZ 54 351.382 null ] >> -endobj -452 0 obj -<< /D [ 57 0 R /XYZ 317.955 560.598 null ] >> -endobj -453 0 obj -<< /D [ 57 0 R /XYZ 317.955 600.448 null ] >> -endobj -454 0 obj -<< /D [ 58 0 R /XYZ 54 301.569 null ] >> -endobj -455 0 obj -<< /D [ 58 0 R /XYZ 54 321.494 null ] >> -endobj -456 0 obj -<< /D [ 58 0 R /XYZ 317.955 172.055 null ] >> -endobj -457 0 obj -<< /D [ 58 0 R /XYZ 54 201.943 null ] >> -endobj -458 0 obj -<< /D [ 57 0 R /XYZ 317.955 251.756 null ] >> -endobj -459 0 obj -<< /D [ 57 0 R /XYZ 317.955 371.308 null ] >> -endobj -460 0 obj -<< /D [ 58 0 R /XYZ 54 172.055 null ] >> -endobj -461 0 obj -<< /D [ 58 0 R /XYZ 54 132.204 null ] >> -endobj -462 0 obj -<< /D [ 58 0 R /XYZ 317.955 590.486 null ] >> -endobj -463 0 obj -<< /D [ 58 0 R /XYZ 317.955 560.598 null ] >> -endobj -464 0 obj -<< /D [ 58 0 R /XYZ 317.955 510.785 null ] >> -endobj -465 0 obj -<< /D [ 58 0 R /XYZ 317.955 480.897 null ] >> -endobj -466 0 obj -<< /D [ 58 0 R /XYZ 317.955 441.046 null ] >> -endobj -467 0 obj -<< /D [ 58 0 R /XYZ 317.955 401.196 null ] >> -endobj -468 0 obj -<< /D [ 58 0 R /XYZ 54 480.897 null ] >> -endobj -469 0 obj -<< /D [ 58 0 R /XYZ 317.955 720 null ] >> -endobj -470 0 obj -<< /D [ 57 0 R /XYZ 57.706 375.293 null ] >> -endobj -471 0 obj -<< /D [ 58 0 R /XYZ 317.955 321.494 null ] >> -endobj -472 0 obj -<< /D [ 57 0 R /XYZ 54 305.554 null ] >> -endobj -473 0 obj -<< /D [ 59 0 R /XYZ 54 720 null ] >> -endobj -474 0 obj -<< /D [ 59 0 R /XYZ 54 670.187 null ] >> -endobj -475 0 obj -<< /D [ 58 0 R /XYZ 317.955 142.167 null ] >> -endobj -476 0 obj -<< /D [ 57 0 R /XYZ 317.955 102.316 null ] >> -endobj -477 0 obj -<< /D [ 59 0 R /XYZ 54 600.448 null ] >> -endobj -478 0 obj -<< /D [ 59 0 R /XYZ 54 560.598 null ] >> -endobj -479 0 obj -<< /D [ 59 0 R /XYZ 54 530.71 null ] >> -endobj -480 0 obj -<< /D [ 59 0 R /XYZ 317.955 720 null ] >> -endobj -481 0 obj -<< /D [ 59 0 R /XYZ 317.955 690.112 null ] >> -endobj -482 0 obj -<< /D [ 59 0 R /XYZ 317.955 620.374 null ] >> -endobj -483 0 obj -<< /D [ 59 0 R /XYZ 317.955 660.224 null ] >> -endobj -484 0 obj -<< /D [ 59 0 R /XYZ 317.955 580.523 null ] >> -endobj -485 0 obj -<< /D [ 59 0 R /XYZ 317.955 550.635 null ] >> -endobj -486 0 obj -<< /D [ 59 0 R /XYZ 317.955 510.785 null ] >> -endobj -487 0 obj -<< /D [ 50 0 R /XYZ 367.621 477.429 null ] >> -endobj -488 0 obj -<< /D [ 54 0 R /XYZ 54 725.978 null ] >> -endobj -489 0 obj -<< /D [ 54 0 R /XYZ 54 532.376 null ] >> -endobj -490 0 obj -<< /D [ 54 0 R /XYZ 317.955 725.978 null ] >> -endobj -491 0 obj -<< /D [ 55 0 R /XYZ 54 725.978 null ] >> -endobj -492 0 obj -<< /D [ 55 0 R /XYZ 317.955 725.978 null ] >> -endobj -493 0 obj -<< /D [ 55 0 R /XYZ 317.955 424.975 null ] >> -endobj -494 0 obj -<< /D [ 47 0 R /XYZ 317.955 725.978 null ] >> -endobj -495 0 obj -<< /D [ 48 0 R /XYZ 54 725.978 null ] >> -endobj -496 0 obj -<< /D [ 50 0 R /XYZ 317.955 725.978 null ] >> -endobj -497 0 obj -<< /D [ 52 0 R /XYZ 54 725.978 null ] >> -endobj -498 0 obj -<< /D [ 52 0 R /XYZ 54 400.904 null ] >> -endobj -499 0 obj -<< /D [ 9 0 R /XYZ 53 747.899 null ] >> -endobj -500 0 obj -<< /D [ 54 0 R /XYZ 53 747.899 null ] >> -endobj -501 0 obj -<< /D [ 55 0 R /XYZ 53 747.899 null ] >> -endobj -502 0 obj -<< /D [ 56 0 R /XYZ 53 747.899 null ] >> -endobj -503 0 obj -<< /D [ 57 0 R /XYZ 53 747.899 null ] >> -endobj -504 0 obj -<< /D [ 58 0 R /XYZ 53 747.899 null ] >> -endobj -505 0 obj -<< /D [ 59 0 R /XYZ 53 747.899 null ] >> -endobj -506 0 obj -<< /D [ 46 0 R /XYZ 53 747.899 null ] >> -endobj -507 0 obj -<< /D [ 47 0 R /XYZ 53 747.899 null ] >> -endobj -508 0 obj -<< /D [ 48 0 R /XYZ 53 747.899 null ] >> -endobj -509 0 obj -<< /D [ 49 0 R /XYZ 53 747.899 null ] >> -endobj -510 0 obj -<< /D [ 50 0 R /XYZ 53 747.899 null ] >> -endobj -511 0 obj -<< /D [ 51 0 R /XYZ 53 747.899 null ] >> -endobj -512 0 obj -<< /D [ 52 0 R /XYZ 53 747.899 null ] >> -endobj -513 0 obj -<< /D [ 53 0 R /XYZ 53 747.899 null ] >> -endobj -514 0 obj -<< /D [ 9 0 R /XYZ 54 638.463 null ] >> -endobj -515 0 obj -<< /D [ 57 0 R /XYZ 54 591.482 null ] >> -endobj -516 0 obj -<< /D [ 57 0 R /XYZ 54 574.378 null ] >> -endobj -517 0 obj -<< /D [ 9 0 R /XYZ 54 642.448 null ] >> -endobj -518 0 obj -<< /D [ 50 0 R /XYZ 54 703.345 null ] >> -endobj -519 0 obj -<< /D [ 9 0 R /XYZ 54 351.948 null ] >> -endobj -520 0 obj -<< /D [ 46 0 R /XYZ 54 351.752 null ] >> -endobj -521 0 obj -<< /D [ 47 0 R /XYZ 317.955 154.76 null ] >> -endobj -522 0 obj -<< /D [ 48 0 R /XYZ 317.955 427.975 null ] >> -endobj -523 0 obj -<< /D [ 50 0 R /XYZ 54 401.888 null ] >> -endobj -524 0 obj -<< /D [ 51 0 R /XYZ 54 410.706 null ] >> -endobj -525 0 obj -<< /D [ 55 0 R /XYZ 317.955 222.506 null ] >> -endobj -526 0 obj -<< /D [ 56 0 R /XYZ 54 275.308 null ] >> -endobj -527 0 obj -<< /D [ 56 0 R /XYZ 317.955 162.73 null ] >> -endobj -528 0 obj -<< /D [ 46 0 R /XYZ 54 277.761 null ] >> -endobj -529 0 obj -<< /D [ 46 0 R /XYZ 317.955 268.334 null ] >> -endobj -530 0 obj -<< /D [ 47 0 R /XYZ 54 320.139 null ] >> -endobj -531 0 obj -<< /D [ 48 0 R /XYZ 317.955 352.02 null ] >> -endobj -532 0 obj -<< /D [ 49 0 R /XYZ 317.955 591.123 null ] >> -endobj -533 0 obj -<< /D [ 51 0 R /XYZ 54 252.261 null ] >> -endobj -534 0 obj -<< /D [ 53 0 R /XYZ 54 720 null ] >> -endobj -535 0 obj -<< /D [ 53 0 R /XYZ 317.955 515.407 null ] >> -endobj -536 0 obj -<< /D [ 53 0 R /XYZ 317.955 179.029 null ] >> -endobj -537 0 obj -<< /D [ 56 0 R /XYZ 54 208.558 null ] >> -endobj -538 0 obj -<< /D [ 56 0 R /XYZ 317.955 651.563 null ] >> -endobj -539 0 obj -<< /D [ 56 0 R /XYZ 317.955 475.137 null ] >> -endobj -540 0 obj -<< /D [ 51 0 R /XYZ 54 228.045 null ] >> -endobj -541 0 obj -<< /Differences [ 27 /f_i /f_f_i /f_f /f_l 40 /parenleft /parenright 45 /hyphen /period 48 /zero /one /two /three /four /five /six /seven /eight /nine /colon 65 /A /B /C /D /E /F /G /H /I 76 /L /M /N /O /P /Q /R /S /T /U /V /W 91 /bracketleft 93 /bracketright 97 /a /b /c /d /e /f /g /h /i 107 /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z ] /Type /Encoding >> -endobj -542 0 obj -<< /Ascent 714 /CapHeight 628 /CharSet (/A/B/C/D/E/F/G/H/I/L/M/N/O/P/Q/R/S/T/U/V/W/a/b/bracketleft/bracketright/c/colon/d/e/eight/f/f_f/f_f_i/f_i/f_l/five/four/g/h/hyphen/i/k/l/m/n/nine/o/one/p/parenleft/parenright/period/q/r/s/seven/six/t/three/two/u/v/w/x/y/z/zero) /Descent -231 /Flags 4 /FontBBox [ -1082 -328 6171 1014 ] /FontFile 597 0 R /FontName /SVARXO+LinLibertineTB /ItalicAngle 0 /StemV 130 /Type /FontDescriptor /XHeight 433 >> -endobj -543 0 obj -<< /Filter /FlateDecode /Length 874 >> -stream -xڕUMo:WA5iE_a, @EoDz%W쮓ڃjvwv(7o<Ķw>Ni՟=E77^~?y^}궺~~C{tOJAuCa&w۳yg5E=;`мE1q - ->1Ѣb O1էYM}/Y}K֟_~zOJ֟BO3ef/YN|֟u\X΄rYgB>[bghX|&^V|ƻgg33qgng3tZ[Yogt3:|'>gq3Ϙ݉_OXN]X߄:?85JC#9u#28~qem@w8rMGns6 -endstream -endobj -544 0 obj -[ 641 947 716 680 631 0 266 376 514 514 637 729 253 315 315 433 537 244 358 244 316 514 514 514 514 514 514 514 514 514 514 256 256 512 551 512 430 988 740 654 706 734 609 545 732 817 367 373 736 577 899 740 730 614 730 716 504 652 732 700 1028 718 624 624 397 307 397 518 486 253 506 542 456 561 489 391 521 619 322 312 613 325 905 616 551 581 573 428 427 358 598 529 777 561 558 452 ] -endobj -545 0 obj -<< /Differences [ 16 /quotedblleft /quotedblright 21 /endash /emdash 27 /f_i /f_f_i /f_f /f_l /f_f_l 34 /quotedbl /numbersign 37 /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less 62 /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft 93 /bracketright 95 /underscore 97 /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z 159 /section 225 /aacute 231 /ccedilla 233 /eacute 252 /udieresis ] /Type /Encoding >> -endobj -546 0 obj -<< /Ascent 0 /CapHeight 0 /CharSet (/A/B/C/D/E/F/G/H/I/J/K/L/M/N/O/P/Q/R/S/T/U/V/W/X/Y/Z/a/aacute/ampersand/asterisk/at/b/bracketleft/bracketright/c/ccedilla/colon/comma/d/dagger/e/eacute/eight/emdash/endash/f/f_f/f_f_i/f_f_l/f_i/f_l/five/four/g/greater/h/hyphen/i/j/k/l/less/m/n/nine/numbersign/o/one/p/parenleft/parenright/percent/period/plus/q/question/quotedbl/quotedblleft/quotedblright/quoteright/r/s/section/semicolon/seven/six/slash/t/three/two/u/udieresis/underscore/v/w/x/y/z/zero) /Descent 0 /Flags 4 /FontBBox [ -1082 -257 6171 1125 ] /FontFile 598 0 R /FontName /DHRMAA+LinLibertineT /ItalicAngle 0 /StemV 79 /Type /FontDescriptor /XHeight 429 >> -endobj -547 0 obj -<< /Filter /FlateDecode /Length 877 >> -stream -xڕUM0WJ!N/TUrFZ Į7&M4=of Z=O̼yq7Bۍ;ej]X}ܞzl/G7u>=W}p껡z.N*S?RG>o~4{ >Mgv=KN$(_yʓտ5s?yUv!M2aDYVH~x>x7`R/yiԹI) O`VNѩy|r*9ڱsӶuvxrJZ5:pC3snnQeQQ -]jq9cCCh -lhPE4p 1u"Nb.\GU -a^ǢN8^-pƹpq[i]r_T/k5M̹Pf/c`fk۬^/֛5"-#zCT3 a 11cϗ7䯡1cO+>G|V|~+>C1 V|R|FR|/g)g1{)>_|&~Χa90K)cR>,߉TG^ |h#0nS1.LF^.xB趻^X}j -endstream -endobj -548 0 obj -[ 375 375 375 543 543 548 742 0 271 271 272 560 829 582 540 815 250 288 336 465 465 637 705 268 298 298 369 550 220 338 220 323 465 465 465 465 465 465 465 465 465 465 236 236 550 550 550 435 895 695 588 646 701 557 485 685 730 297 322 637 528 839 699 702 541 702 587 485 597 661 652 951 660 575 604 356 287 356 518 486 268 457 493 428 506 447 310 500 538 271 272 512 264 790 542 504 519 503 372 390 316 531 497 747 490 515 424 277 205 277 449 338 695 695 646 646 701 557 557 685 528 528 528 699 699 725 702 587 587 485 485 485 597 597 661 661 575 604 604 604 598 297 506 473 457 457 428 428 528 447 447 500 264 290 264 542 542 528 504 372 372 390 390 390 374 316 531 531 515 424 424 424 542 288 435 465 695 695 695 695 695 695 865 646 557 557 557 557 297 297 297 297 701 699 702 702 702 702 702 869 702 661 661 661 667 575 527 0 457 457 457 457 457 457 687 428 447 447 447 447 271 271 271 271 486 542 504 504 504 504 504 778 504 531 531 531 531 ] -endobj -549 0 obj -<< /Ascent 707 /CapHeight 707 /CharSet (/S/arrowleft/asteriskmath/bar/braceleft/braceright/bracketleft/bracketright/bullet/dagger/element/emptyset/existential/greaterequal/intersection/lessequal/multiply/parenleft/parenright/periodcentered/prime/propersubset/radical/slash/union/universal) /Descent -152 /Flags 4 /FontBBox [ -47 -944 2835 838 ] /FontFile 599 0 R /FontName /KLFPWG+txsys /ItalicAngle 0 /StemV 52 /Type /FontDescriptor /XHeight 400 >> -endobj -550 0 obj -<< /Filter /FlateDecode /Length 980 >> -stream -xmVMoH+CnY0R;3D:"`6~UYWUtq7iߔ]54޷?ǡys|_>T}7 }vis¿vj<{3;OK6wF߂gſq1ǩo*ġoh舷We/]ߎ"k~Shߧٟ!rwR%[?vk|r>yEǭ Cߏ'o?+cEϒU5CN}}e痫mlE~}*` DJI@s5`d.DM("+k0aAP<&+XhAG"N[] --b4Hv0 : $ arB dxiV %!K -]4fQP'uru!,׫Kayp/Za%RC}=\O8.D`!)DE"%0V°/ >tԢq*K4! Ȍ.sAyJ,J2FW(Q!1;d_/gFBA0S^ECWt.8-hDSz5ٓNWs:5+ȗ֡wI`5$KԒp4lRWwYW0~ggXi8E|ALy`8oE@)sbK}s d:6\Y1،@fI1dS1&l͘@CFu9 ܬ|no\s>7g7U${ k֌z"TNU㽣cNa:˾==- B``;X7`|3*)1f}s/Ϫru.%\]sp-K7y8Ëuxu -endstream -endobj -551 0 obj -[ 250 636 471 636 512 636 636 636 636 636 636 636 862 497 497 636 636 636 636 636 636 636 636 636 636 636 636 918 918 636 636 1024 1024 499 499 1024 1024 1024 636 1024 1024 550 550 1034 1014 1024 636 347 853 536 536 634 634 0 0 587 587 640 500 908 703 712 712 639 870 718 648 860 622 669 704 876 650 775 796 749 1080 822 703 709 703 680 679 678 897 892 1202 738 797 865 654 654 654 654 654 466 466 371 371 371 371 411 411 363 363 200 400 499 550 460 264 703 727 664 409 654 654 636 636 500 500 500 453 578 531 605 542 387 642 908 443 677 957 443 443 513 1173 456 456 376 633 889 418 663 928 418 418 472 1134 424 440 727 670 587 500 697 460 333 333 333 333 333 333 333 370 333 333 548 454 454 454 454 454 454 280 175 334 389 421 275 350 425 334 564 333 333 333 333 ] -endobj -552 0 obj -<< /Ascent 437 /CapHeight 437 /CharSet (/comma/period/u1D434/u1D436/u1D437/u1D438/u1D43A/u1D440/u1D441/u1D444/u1D445/u1D449/u1D44A/u1D44B/u1D44E/u1D450/u1D451/u1D452/u1D453/u1D456/u1D458/u1D459/u1D45A/u1D45B/u1D45C/u1D45D/u1D45E/u1D45F/u1D460/u1D461/u1D462/u1D463/u1D465) /Descent -11 /Flags 4 /FontBBox [ -342 -238 1011 786 ] /FontFile 600 0 R /FontName /PEYUND+LibertineMathMI /ItalicAngle -12 /StemV 82 /Type /FontDescriptor /XHeight 400 >> -endobj -553 0 obj -<< /Filter /FlateDecode /Length 592 >> -stream -x}Tn@+fH@B/ iIV{5@,mqkmr.Ӟzyu3뙳V}YMkc2Ȳ{2xھvcpmʢ{"}.GE< (6>١/8Ew&BFS#&9DeVL[l>},ʼh&ˋE]*$m'/X%a5W1krM40nV,GYu'ȯ>)灲Sq:7`pm 8V|# } -gz5@0uZvq}zֳC\>h7!uoZ3b;MC룖T-րuU#K`!zKaL -endstream -endobj -554 0 obj -[ 667 557 616 667 526 457 664 673 280 315 637 519 804 666 668 499 668 555 454 544 634 597 858 628 552 578 486 478 389 489 401 314 499 519 276 259 486 266 783 518 447 489 491 357 353 307 521 391 688 475 503 436 636 668 621 648 691 594 530 670 687 693 478 522 472 458 450 369 402 490 447 258 506 494 451 440 391 525 482 410 521 410 455 546 469 584 630 424 421 507 507 537 454 642 494 539 519 494 494 276 259 381 631 470 511 540 338 462 448 481 425 473 438 469 469 516 465 465 465 465 465 465 465 465 465 465 220 220 ] -endobj -555 0 obj -<< /Differences [ 37 /percent 48 /zero /one /two /three /four /five /six /seven /eight /nine /colon 97 /a 103 /g 105 /i 109 /m /n 114 /r 120 /x ] /Type /Encoding >> -endobj -556 0 obj -<< /Filter /FlateDecode /Length 732 >> -stream -xڕUn@+Ha!$ABJ( -!62FJsT]$ sϜreOzc}s/ū=֧&~}}nn:?m>Y[آ?=>Η"[Te{ċ*ߝ -۫/ڷHGܮOˍmڲ+mUY۴կھ[_"ʪlwk©'ՂͱUEZ17mYMךؠQOiQyYnp^~[_T惺Maz,O΢>!XvR?V 6`&[q'y]af]Yo$Xg⟳=6^90`4|!v2a@@mLĎ0s&F!ܣ {Q@R }Eu.MLq!f a<2ʖ!c0& SQ.eP58rr4Kgx:"'1jix43ԩRF94ZD3q 8e8̸t&&q̹ %7ʘ>b}8Fs%0t?b9\lċ>ËMy;㋍%Nv;.Yzg]sg~Qg(g[Kx&}{꾩dx5jMxZ!{=zݗF_vvy䧦q"-;PE?Zr -endstream -endobj -557 0 obj -[ 637 705 268 298 298 369 550 220 338 220 323 465 465 465 465 465 465 465 465 465 465 236 236 288 550 435 435 895 695 588 646 701 557 485 685 730 297 322 637 528 839 699 702 541 702 587 485 597 661 652 951 660 575 604 356 375 356 349 291 268 457 493 428 506 447 310 500 538 271 272 512 264 790 542 504 519 503 372 390 316 531 497 747 490 ] -endobj -558 0 obj -<< /Differences [ 38 /ampersand /quoteright /parenleft /parenright 45 /hyphen /period 48 /zero /one /two /three /four /five /six /seven /eight /nine /colon 63 /question 65 /A /B /C /D /E /F /G /H /I 75 /K /L /M /N /O /P 82 /R /S /T /U /V /W /X /Y 97 /a /b /c /d /e /f /g /h /i 107 /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z ] /Type /Encoding >> -endobj -559 0 obj -<< /Ascent 0 /CapHeight 0 /CharSet (/A/B/C/D/E/F/G/H/I/K/L/M/N/O/P/R/S/T/U/V/W/X/Y/a/ampersand/b/c/colon/d/e/eight/f/five/four/g/h/hyphen/i/k/l/m/n/nine/o/one/p/parenleft/parenright/period/q/question/quoteright/r/registered/s/seven/six/t/three/two/u/v/w/x/y/z/zero) /Descent 0 /Flags 4 /FontBBox [ -634 -312 6171 893 ] /FontFile 601 0 R /FontName /TCFTCN+LinLibertineTI /ItalicAngle -12 /StemV 76 /Type /FontDescriptor /XHeight 429 >> -endobj -560 0 obj -<< /Filter /FlateDecode /Length 876 >> -stream -xڕUMHW&+CKr!R{V-Yf3%`T~UޓܺclqV_eNw';~|P_}vw7֏I7 -'G>{?|<ij~̟SQI5t2֡zZuV?N^-~-槗WK6;9Z?g^s~3 7&p _KhelT05 -) -PX`8SDž"20r30J0QcK3V  4`lȄ [: hq -<#`ؿ,wn8 ֆp zYg !X)ι7.N{:%N -1$܋a a2Ag&kxf|Wnoj˜5?ӌ;, -Ԅ6id]E3`Ԑ"cEΘ8{B^oEQ1sZԌK0פc %Od)%gd)?^֟{s3u渗%Lu&: 8g /VrG+93q$g첒3?+9c#9ûJi%gx3r3͗JYI[IW3 =L3W3%g|3^*^*a%LoXH4+EN09NxżuCt$> -endobj -563 0 obj -<< /Filter /FlateDecode /Length 689 >> -stream -xڕTn0C@cLB"Rn[5jo+N)1C~fH]=<ߛy3`_}{^inJbU_~/UVã1/xjmq\e+ 7T $m^NAq1?>4[ 5|[o˖m{|,f;ׄ±'ق0]ߴ^RJmlHMƮ箱u7&h jWn`+k\L^f?tgƛ> -endobj -566 0 obj -<< /A 602 0 R /Next 603 0 R /Parent 99 0 R /Title 604 0 R >> -endobj -567 0 obj -<< /A 605 0 R /Parent 99 0 R /Prev 603 0 R /Title 606 0 R >> -endobj -568 0 obj -<< /A 607 0 R /Next 608 0 R /Parent 6 0 R /Prev 99 0 R /Title 609 0 R >> -endobj -569 0 obj - -endobj -570 0 obj -<< /D (section.8) /S /GoTo >> -endobj -571 0 obj -<< /A 610 0 R /Next 611 0 R /Parent 102 0 R /Title 612 0 R >> -endobj -572 0 obj -<< /A 613 0 R /Parent 102 0 R /Prev 611 0 R /Title 614 0 R >> -endobj -573 0 obj -<< /A 615 0 R /Next 102 0 R /Parent 6 0 R /Prev 616 0 R /Title 617 0 R >> -endobj -574 0 obj - -endobj -575 0 obj -<< /BaseFont /UZJQXT+txmiaX /FirstChar 56 /FontDescriptor 618 0 R /LastChar 61 /Subtype /Type1 /ToUnicode 619 0 R /Type /Font /Widths 620 0 R >> -endobj -576 0 obj -<< /BaseFont /FBLZCM+LibertineMathMI7 /FirstChar 25 /FontDescriptor 621 0 R /LastChar 71 /Subtype /Type1 /ToUnicode 622 0 R /Type /Font /Widths 623 0 R >> -endobj -577 0 obj -<< /BaseFont /JESRHI+txsyb /FirstChar 82 /FontDescriptor 624 0 R /LastChar 82 /Subtype /Type1 /ToUnicode 625 0 R /Type /Font /Widths 626 0 R >> -endobj -578 0 obj -<< /BaseFont /THUYEG+txexs /FirstChar 205 /FontDescriptor 627 0 R /LastChar 213 /Subtype /Type1 /ToUnicode 628 0 R /Type /Font /Widths 629 0 R >> -endobj -579 0 obj -<< /BaseFont /IIOJER+NewTXMI /FirstChar 157 /FontDescriptor 630 0 R /LastChar 161 /Subtype /Type1 /ToUnicode 631 0 R /Type /Font /Widths 632 0 R >> -endobj -580 0 obj -<< /BBox [ 0 0 515 294 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/bg/anns.pdf) /PTEX.InfoDict 633 0 R /PTEX.PageNumber 1 /Resources << /ColorSpace << /Cs1 634 0 R >> /Font << /TT2 635 0 R /TT4 636 0 R >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /XObject << /Im1 637 0 R >> >> /Subtype /Form /Type /XObject /Length 3205 >> -stream -xݚ]oIW4 ,΂=.i%B,+lBs?corCyy^wJ+gU0~(5sn{)!K~M>gϛHXDT65E AtQM-]2lX]ZWKҸ>!nJ -%\rhk5!ȕGy<+[V_[N9ymh̠;h96:1n\$Ֆh\: 8?Gx0ᢷITߵfy7,P :.hfz~L:jVRR̺ɿ2~[ԉ㼌K卺'uꏗ2eiVL -kzl19[6^7è L50~ꒃb#2peKLM]2(|W/pwq[L+>iJu/ǟÑ!/@@]?T,- ;/#f -pg가09+amu -n8_=]K Pqf;U,;|T.5[m,Qw k!)xfX/I,CF a[S9ݦe,`+#Eρi9eT7,3ASqu-p໏2lbuhh$<<dB\X3 Ab2$0VͫBk:.CrP9N d;s(V0"ԃf,$D>!!ٙs⵻cxmawUm wV}"FH}Y܌?f}Z7s LW'Hff\ 7\vZ{ȄL`^+jbk=!p+ A7cM*!BPȩ a st 9uќuSD`hZΖ`+47ɀAhUB#B#5RVjSL rQbnh+ S(V=Rm~n}n}$JdHR SOJD!aL-C3WGf)5M4%ϵQPiۛ;f5FLMs-ӰVMC}+ b5MCOE.Żf`; .n@?>bY)ܯO._/oB}J*@NjqqLR'Q$g'W UӐ !Y<^jWC&0VEscJ}Ԝv4%zb`ZiL}>"U~LT{zʮJh!FS@3o&VaJk6I -ZV٭vUK.I&ZjDM˅ѥ)] = .CBz (骦vK'\ ApMkq,B`LC(M{*6Aq RHºˋ$6 -+m>yͥLO,{lslJ# -nxZrLphS(Yr0mOEyW1p͚v4_di˦'PFgwUnsZҚvXG 7D~#ǒ?2a ^Q̦%&[ @8iUn%Ky* ꗷ/i:wc2]6'5M4Vh{42u6>x4xj !B`^<%iL"q!skݟɱݨ},i$F[XgAO_ܱ(vrF+*W3H DcwM OŨr@*gXY{-(ض/O4LZLJt9O= >:nVӁtt\MZ `s䠁WVGal'[zBdU?R HrSt -endstream -endobj -581 0 obj -<< /BBox [ 0 0 654 173 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/arch/Canvas3.pdf) /PTEX.InfoDict 638 0 R /PTEX.PageNumber 1 /Resources << /ColorSpace << /Cs1 639 0 R /Cs2 640 0 R /Cs3 641 0 R >> /Font << /TT1 642 0 R /TT2 643 0 R /TT3 644 0 R >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /XObject << /Im1 645 0 R /Im2 646 0 R /Im3 647 0 R /Im4 648 0 R /Im5 649 0 R >> >> /Subtype /Form /Type /XObject /Length 7213 >> -stream -x˒q,t4RR8dɤË4gHE3␺˯O :4I[B@";_ڎ.ؾh}~}o~u_h}]y /].]ۏsڿwio7kŰ4Mu֩}N\~},<>7iwVՋC;2Kmċgo޽|l߷}߿j_͋l6u9.þnn<2vTpMS-w8ScN~7~8?u[yW/~Xvg:jѡ㾰!mz,?=O_Ne4wyXAG}gi~^u0zFǺ_[wDn.0]qjx4`/[ -$ e_m enoL A|VP(^Ќ:~XIfPH,2p _8iz^U$deZ mBБyl۴\֡]iR(GcV}W1d^/ݰ.cm6<]q(;#Yenk!g9,e^j_;9BЎzmX̻hg7@ e1͜!<Ҍ*i ,X. L<yy\BތӌZ (\0f8ʢ," CG߶iPycE|>1k˞xn[65 4CYnF<0cWidctXHYQ\@%I.xP5b^žiU*4'%B>7l„vP;:N2hNYl;NӔP0żD9rLؾdHERt#N3;\Ll?b1eٖKߍBxm -G 9,Vc̓'WLp7n+6ou]\v4^"b)~ .>< *#;w -+Dl˰RKS): G@q$ `e=DXaI`Ax[(۳o)zɜR{D)ܴυ0 k ,X -oD\ؤIn"_aRc5O>* S/jw&Ks&f؁Ԙ{H3_D!5օԘ{&ҦNp$wEZ'gy_}gRAy1RTGO%~VIO>׾#'>o#6,?U㆕`6rŜTY׷RLNU&2Х -##SU*cj+V1f֪6DF[#" n{_ 2;6=F -P Nrׅ߿`5Y“U0 -Ӽ~LeKF|}ٜT")>c03Ssi_ؓgNWO` hG A?$B:pAk5ji -v(DqEmgZ7SRv{~+U> -C;BG^?! - 2uQD!DXiي -7R%S, /#L@Yw>Wy9! >GX6VT[1g$)SֻUK V_ψՏo7?+j}C>tGܔћ95 -J"C)SXk]f -ǎ.N,mTblY~0@!Fi*> D*-dՔ\!\?9qi*~$ *z/V\ųzlhbv2٩ ! TH x OnܗoF*ʞI N5P@^WӪ7wVt7?ږTigB5,TrUH$Rؒ JkggO\7W`e:HL6W8$ ڈ.]˷ĐT6w4u5Bq`MLUD7 -}.S;^?>y D/;DB F=NE bSygK{cFNG.-O~Jt?/ jX -zJ~L?m*J_Nkw" -,ת]+x~w/ Yu7yt9:"{l6ˎ -}/)kB[yfƢE0ݓ%~YD`:(i9.."9яͳ0U(%jUUASog Qi=j1/AA^E*F ;s@_LTn:+ @ԉ28\v3HgBS{L9<i^K!.Xg\'Ũ8UiwJ4)*Ifhϒѐ5Lmp{R<'Ƥ;T,:a'ӝtDQg(.\.#؊61dyg2rw /[zi2НVL,mC vDDZ1`Z*iϜ,cܫ dž|`Ў<$ \HB֒T4H&Mw%J[ӝ1vtP;YB}9Cs@2E{Ǩ|qʼn( -E3ACuAiHH Rl2)ܫ gyR8R: ^UfгG;`bQúu4-@a2Yk W~X^,C2Li۲ʾ~qݰٯ+V8零ֺ6]`?*Hq@45(#RW$|)ca6~"J0JK -r+fl{~LOSVsR T*+AiM3g~9ܫ gyrq'\8 Fjɂi;N.tpҤ-H(86V -S5&w&+gr츹:&8W96d)2TLd3e)9Ssq,Fdt.v:dT4H"Rv]"[mUɂ6첚{@2| ™8 gR`~b$;!iarh%'ĵCMHQ칒5JF{-{&i7ڊK΄eyW$-nJٙ$.iLU Oə`u +gW$|9u7 3qX:eUIr1WFq&y7UDs&}p$|I -3!J|QjOJRtedIp҄ gg[SH3v&>xrXNqSu*g29LCJRIsHs]uv0JR8ZaϳRL<;:uv&T/H)LdT@ d԰#21I@܀i=冎9p,4*ənܙZyL3{ij+?ARw f)3. M;A*g}v&$I gR`ٙTBӀ4DVꔆnܙ)r&p - -r1*;\/RsWR(Wl&]>ͫ] :.@Z4sjҤKb􄕢rIIk0h< u5u8LCi$cYܔ; J"0W)*@.pQZ^Ea ċWyT"Y)A͹]h|(EFSLw\R=1kqxs.Y+?ՠ!rJs)=4&?౏SQԮ2J(9QQqy|YZsQt?EڂqE *3yLvrk.ۉE Fy ZUXRd+UMUAUAQc.R):EDǷ&@ hY>䗫Tq1*OË.&m+\ܢ*U8q}VI*LU -J#!*Y$"JmʝKRrE`8.`rE."CۊQEȽBVI\E0*9bT}7nxKIgLfݹGF)I9*Ĩ$R"$?(/(sE =)\È%Y@©W"*Sde )[%)E8gj,d4g!5]PS=)_.<#ޔ_Sn"o޾@Wki {!EyyxnWJ x4a#N>4?]hj%#|oξhv,LZה21@ի]=/sՖEyN -XBPxM/_A{{%|mcUK - O6EkT#7}*"k_.4ϼco3T1C54ڲ ա c^X4j8e,_ AdG,6&) ][xP+oYDɝBi&uzh!_v^6B֠-8^bAZ*8 4\,:hUb@ J -<ȹ_w֯=uzih"*#7v> QA{|֓yEyMj'pg{bc&nC= 'FL@MDj1GΪ=]yuv h$x(BrL+LlOsk21b%rTQ4Z@C\j{ScC:^^>;=]+t {x T M>d XdC%61QAb_͞|E]7ɥmbF ;aP̰'d>qK/0HEz]zN2(e? TxJDuD<ڴ";YES:G<䵖zz|L5|pWDIdT,>F@y# [mT@LjcЛj(uxԂL7 xG94`PhF+>p^@ljjC=@b}5'&o¬;ȧh8O>Fodva2%z|\p>;1ڊg6Hȃ -I+]\UVjRi0`LGE+'GJb |V'E述$'Uދ6 SNtvٯ7ZF8U&ҿ8A dO;c3u{w?V۔d _qa_q|v*S41=yIOww،dDS~*}63܌c7?DPڑZ o;ݽ ͖)Um0l\LQ `0S[?@+T6KiXKm%PQZ{U Ƒ!f&ߢBҿñ?~g^ۇX7PE>HP)Գ(+un[ -endstream -endobj -582 0 obj -<< /BaseFont /XKEAZI+LibertineMathMI5 /FirstChar 56 /FontDescriptor 650 0 R /LastChar 56 /Subtype /Type1 /ToUnicode 651 0 R /Type /Font /Widths 652 0 R >> -endobj -583 0 obj -<< /BaseFont /ZGUGQH+Inconsolatazi4-Regular /Encoding 653 0 R /FirstChar 46 /FontDescriptor 654 0 R /LastChar 121 /Subtype /Type1 /ToUnicode 655 0 R /Type /Font /Widths 656 0 R >> -endobj -584 0 obj -<< /BBox [ 0 0 424.8 172.8 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/hnsw_visit_count_per_degree_corrected.pdf) /PTEX.InfoDict 657 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA 1 /Type /ExtGState /ca 1 >> >> /Font << /F1 658 0 R /F2 659 0 R /F3 660 0 R /F4 661 0 R /F5 662 0 R >> /Pattern << >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << >> >> /Subtype /Form /Type /XObject /Length 1358 >> -stream -xXMo6-zԯq}=3$c4r(hMMM}ԮW"2P,uvy|| -Ef" 6OGGL`C^,0n9:7-Z| %JDhP,?˷4qLn Ocus=鋔B+k0SINcHs>(^RPMB"VĩMO%!ϚiG%y - 9KaDkO$A|!BNepH lߨn$"!KH(P> -v_M=ʨV4B{DIf qdc4yϯfb\l: ;F%i"{4H}50SF6;FS"2EdhN-LQ:T"z̢t2V\vhA<;F𣈽o'R}XEUL9tKhnb8|Q9Y0qGl)v";4\!DwvaZ€1dt T9B+i,=5!73TδjkitFsFb!Na `WK譁gt;;E"IW؅FYL*%ρ/蠬i8y=.h%~[x;;i뭏q?c{zۢQrƘ#zH*Mo [2n~X˼Hc\@p o3(9 54ƥ~ے~Fcxd m[k:4x4bx;=L4ƒkҘA0Ru*ߢ^0\@Tj_o/܈n\^RJ*>^F~-Y<;ZWE1S; -b_lZ|G#Ѧ:dIeX5NInigaE\M,i۠#`l)W{} s%LE-Lh;Mx n7+TDU@O52DRF!E$lػ[G畊׿WCq?ͫ~ dEt)nvu4lLε0XL`!cpۋca)Ap:lC9Rom$=D~&&)&֫,|t{f[Wo:oo:q7Wbl -endstream -endobj -585 0 obj -<< /BBox [ 0 0 1996.0275 438.448 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/main_exp_fig_1.pdf) /PTEX.InfoDict 663 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA .7 /Type /ExtGState /ca 1 >> /A3 << /CA 1 /Type /ExtGState /ca 1 >> /A4 << /CA .85 /Type /ExtGState /ca .85 >> /A5 << /CA .7 /Type /ExtGState /ca .7 >> /A6 << /CA .8 /Type /ExtGState /ca .8 >> >> /Font << /F1 664 0 R /F2 665 0 R /F3 666 0 R >> /Pattern << >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << >> >> /Subtype /Form /Type /XObject /Length 9284 >> -stream -x]M$qE_<%̰iܰՊ<+$%.,ݳCdB"Q/_ۗx_}zofgco;[kZˡ:},!Pv?>];vWLu%SZJ0tC]j.6zAdnN ?UCk9!})jq Kvӧh߿nG;kwPnqxiG<44ЖhU2 -z`TߔG~R>9_şv5,.U }] !TcCؿ5_MKRxZWþ,)O}/)QR8^4.czۙ 2 _ @'J2>;l^;R, xNb]9טr.؛XBQ/X]) /XwK \TK+6a =P<wcaMq62bXXI [𧏎G4)3{j߾_^ -&?|Vlד(hd`ZQth1'R\f1a-./nɻY OqoE)DW t?.,tЧY25)/9)kNm}6$L̰X!.z'mB6C:R(,x}(٧b*CE=a9ѻ|TɩIJ,P/ȅ,z1<Ĺ\Sx5 M#ʖ?Ww @^ TTcJ]Dse\}p/! zkO^n[,nb8zlWȫp&9/GkDw !Eu8vb1{ˎr#o -ck !|'$..0':ѭ1-/f%@vS<;QҜW(YpLYҙM]m=*43l"e,%jwN\3wڝ˂u8ݹ(Y;wtޱp΅vγt.tP1r8ăuk V-fCU)hnN+s,g6qM~ [4ǎ5^jC.VGZ2&즒DiWA^;^޹^y^'VB;yYlE;y\r,>hxLDZAmTvҹ.ܖD;Ww̦.NLЎ==Zը#[;3io'l&}2L%`<,^G6FjOD{;i'{aq1U:4](m=?^PDi>NLJۛI+!oH_4-,%n v!`n* T=ס ]ҕ)]' AP=Wq,Hȴ"=te$τҵ& +QB,2䀥ގ!6!UҶ3TgB!ssJWɸq§&r =DHa_[Q"g^]i%$r"Gk o$%;d%v$VZ0ݗ8 b[s|'s f'M&չhJ F 6~Jt1 %#1U1CTENUDoy%9d/i#a~)&GK9W&LMȃh,UTOaA{l v{og3rl!E9G(\!0̉G8c]Kux& 1/|,R0_Ogf=sQҶI=,>@&ݗ@S 0Ib^t}O nPB6˒ah+V]37DfNė;A/d~#D J5ԗRA?$gtF7^һ8w.Jq*Yt |G7lڳK"9J$ T[ن1o-b8f_|-WxJiS?rυG&@-Iɇ.+V{0ĦtDCBۻ -Ws!fN,(B3 G}J. 6X<|'l*G#'>IˉRϣ;wP1J5cb̒yK |P{Wv biF`3M>y㏯?yޱBCV~c.R&l1DNUAwq^A5sNԷoc܊ 9-zX3_@pSrR -6G !ȗ6D"GDbV5(5+ȗlv 9&&\T%VJR\WEZ\KdY ŋL]IU5m!EnX;E1"u.v@LI=㛭[s)U3jC  C$_v %{9=!٭U#쉀Ku&N^S5pOr.,ل._J#zkcח -ErJxU mdZ.Q'O\SBЕND?mj5.kV̥H׎#Xn%>6X5 -/9> ,+O -O;rPv %(XE)]G:J]H\$c>&ݘ\ؒ݀AN`he)l)N+t,P< u̦.6q7a_Ƣg?ʗ#Ctf("ug|>0r#ipUK}|Ɲ['ɴ"эK޻s7FVhL6s.ѣv|lh(mB1QRBn]kG-~$QUЅsw.sws ]g5vJ 6ڹaM$;:([]OvS:;хRWxBʲ.ŵ}y'> -ɕ?x4+plo'%bK# UTno&77fSȈxkk?^[OznMۇۛIZV`g3\Fq=ZW6a>Ɨm-ζƴZ}yK2D?.iyJ-"IZu,X>bVLn41VRTC\0z]4.~!^bʚ1Jet56ɚ\Xk - -UL\.[R -Oj -~w_n"_peJn^?^:\ס/,ή3rƯGbGpK + -% عMׅ( -y=5oR{K$wxBI[zx}{I:6;8îÁ>/5Xù!.ٷ?8V̅<Խ]Rum@V{5آi{OĘ^S(wźaX@Du/, -tyBHwǺe)^۠ ׎+X:#u'-@QG{Y%uL%Ubݷ.2o%c>9U<Ƃո.*ʎ1ebƇao0co'I('Z"aM(ܘvYM`絠_\,,߀v=3D1kՎXBz@.+lbś֮_^ؗ*c.z`[.$E*^/Iv:Dſ -oa%t/7`AjiHHFPIM0^%u -/ p%\yc-< -R~o}q<d"Q Jco1p >~/3׎6!SEZKm+1Aw uU@` `PϻvN~aPLꊹ.F]R1|EW=yr^q-(|84X]K5yBGc['K:'Z\JԂ}]+%uRR1b|֧tiNT;S`b4#;n[P7Sԣ[*m$86rml4o56Mg(,yzF`ZӣOjO_. ~\{3O?>xI1GOᙧy( WG2k]}KR7ӌT{t#/~}f[3GY!M&1<ٗPx6JŽ,IGg34+u 8ugp}'Igclݛ)g3 [3ql fqz]O+rm\!!ڋ8Ok]!bAhwK^!ne{;ioU0i'ͤ&frf?0dfmﰳ;+;afw\ה>1뙁`uGvv`av;쎫0Okc; -Kb1ջr]. Zٝ_]nƮj ,|!y(ќ-}ѶGFW>^8 еDG Vf9*;gY f7=ш P&wAXv50Xqew~a0lp7cWvum_9CHO/ ]"E-m(p헄a*uk)&}5s 2t()1S:92q -'xݺ[3%\gq6qf2Sް` - < ؄CFOGL* g0m *vT:-,zN2@Ui"/YTR&U>ƅVr&{ KkA *4T C~2ϧ W7[/ FccCn`T$kq]0=4s,Mz,k3z]`=4RXW>YEXYBɺ *?u腘k-2+ph>k:\@_.mi[,Y 0,&@&\.T 4"j*KVZѤ`md#N"a a@AvAmI99J%7E -ȝkI1q[HْGW sZ~q^RX {H+ -9l+L*Z% hubP%n,S.it -,Av+ CvttAՎ/HwN?+?r*?CjBi@::xqptƴ#MzmAL1ySo蝗;ѻf[3Xc >O?#HXzh7?d Ї@P 'h%U3@)^BqGZ;CKrp;afw\ƄPXIW^]>tW$Wu50U ^&쪮67hɏӏFATy\T].huvMW)eWW5c$&g.&yƒqa#S E(;])̈́Wѵ{튀,5رt"+x)[P'FSd,+] Y&}vU);pk&}tmƈi8!^2đ^`7к!+}Pq-Stc, 4P~`x>Ơ8> @ǚ1P&ܦμ<:HHA%Uekmcʇ8t͗%b.p'N> j`i2Zs茨5;XZܛ6PUUŝIiƺwEY?` <ČcFOGX*g+b\02҂"g:R ^Re1buŘ/XB&] مWr&{zAHBTjlK)]ܖyFb|_q(@l -؏zKX lT<߰ ? /28D\Ju((.PC{l. -J8T; -0 XuA~(*  ?DBQMͲ D7UP@ҟ{^PJ[*E'2w(`[(ĄT"dojV`bx;`jeH1)v?q*gzlWG[ g;ll:NP {Ԙ -K J#n׎g홐ډq$N:Kp]`1Φu38lc{5tz\ &/s;q\DRrmL$X"1Um=w@֙Xy3síĻqFStI+B| ;~K_~gZH aS="jGNO0tنPdCĎaHZ|Y*ֲGc -Kj`޾Y]Kha3k 7boVW[W ݏuWV%t"_4RCIcƊ@go։J U&z<(CلtRyye*` o8o>wӉk!Vݒe8y~ip)!q&gl#O1C_A]3?˜.gH[ 6%ne-5Ӟ<BGv+/o͜H\thM Txa**L^3pk0^D9tD zlQOr% - 4}X%! ߼.mM>.#wr_+[uo`pȷ!,>LRC Dtw4i*&]u3Qu8vb}EǶ {ocԙI-VilC/X!Mp:I?OPIqxAM$݂B@e-x2Fw '!R˯ՏK _&|ndD,W&saG"iUqiG^%D4m>T<Mu@ajEFr頂ՙx2,3P4@n0 v,$"GJn36KUMʼn$iax[~3SfH5biK-7u9䩖Ys}%ǺM-*\AYuP,.tgSwTHGVܯnDE&+_t{Oh8==c?eJ#&?Erq-oQ..FKvAl[-h,m_ܭL.> /A2 << /CA .7 /Type /ExtGState /ca 1 >> /A3 << /CA 1 /Type /ExtGState /ca 1 >> /A4 << /CA .85 /Type /ExtGState /ca .85 >> /A5 << /CA .7 /Type /ExtGState /ca .7 >> >> /Font << /F1 668 0 R /F2 669 0 R /F3 670 0 R >> /Pattern << >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << >> >> /Subtype /Form /Type /XObject /Length 5487 >> -stream -x]߯qR 9ݴ*c}p`(J"CYM瞳3<ײ{ko-o^ͫ׿{/_Oϗ_~<;c yn -#SNѻ ^/(G`60w}ك2el=6|la|v<}^cӞ.zB'<+8:yx0I, KX"-h%^Ba0TS(o(xeU9f .?$}h>mWnӌe PL}/'ɆdA=W(̡8>g"t0CR4SR L(FWIЛd)C=x{9+ɮ w>E qNMyuH(&HW@6g゘a&iY 0KzKA,ys^. _rs/,6ē2%,IB+$JUPlrLjhQߟ]$eI͕o<f~DYX'Y(2U0gn?|x9Y?bcf둃2HH]L2&/LaL4a@R&J3,saeҭu"C(ކ(ăEyrd -4J7 Y#<9YX/½AZ #yٸ|[Qm}aKT IqQt'G6[: (3"[D -Sx&#A!*3v|K,e(;K52vT ,*T+P9v޽>ǀiI|?hx %cՉe+BcOaK.cԀfa2$\'u90ktxZU#`O100h9TG,Kˍ(XLb+\ILT9Gcr(O٢bwKe`~Krwdyo`rlu+ji*e5z#ϭ C0a-1rPlaQRQOgAzlK=albZ~|$c3Ovݛ޻ް1q3'@_"gh9gFANﺒc5҅`冡a/\8NůM4$ it}bZļ.N傦kBaT#.hf!Òx6ƾ;d {+fa6Fs7MM|hl GHxNEɐy*;3 )AB ^NXX""MːWpI2z(xd,/ T)OfxBGcyPbj#E3&T]/?M@)]aY9#R3n$%ߡ1 % U9rV' =bV#gav⣙x.ݳR9IFO.P3EI`Sc %E J0jӣ+*.Ǣ代E|Hxzt5AWGb&ҏdQ3n]htJgJPztclИ~nB G9Qr0ԯf<Ue*4fP3t<7R3CZf/fdS: p*"lKC;[Ԍ4yq`# -g -ĺ.HL8TQ w 9QN}B:c( -֠yȹ0p‰`QE{SA3!\áI"앜mgl^)X]ҦT}AT6j.[MU'ot :]ab-3 &oǷyk)iSn^}A5VSUAǚ1WVѸ\9{>pACKڔUc/h#6Utq&h .wyMUmВO3-EnU8|),SY({&Y!-BEr:!(FR6sGX۫+\d, f#Aw~4|+R% lTr֏rR5G? -pB@ Wƒ;W陴<|Syr:8aȆ+ju8%qM5)f`hzH 9 [7lQ6Tӄt#*Vn+&{8ywyacrV!hKѱoI`jh )fA> $I(OB1$%φQŗHF-,_d/vY'9s+IU> H+^ 4"CҨFQ@\/G7 F!e>}siTa9;bi,ܐqנxrfGOWӐ9Rfi< 8%,2hWW -endstream -endobj -587 0 obj -<< /BBox [ 0 0 539.2639 206.37436 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/accuracy_comparison.pdf) /PTEX.InfoDict 671 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA 1 /Type /ExtGState /ca 1 >> >> /Font << /F1 672 0 R >> /Pattern << /H1 673 0 R /H2 674 0 R /H3 675 0 R >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << >> >> /Subtype /Form /Type /XObject /Length 3039 >> -stream -xZKsﯘKȃ@tQrl\DYCeCv5f9fw ۝~^W?nˏߛρs{t 'df9|S盍sƏO zCMp19`mO2:rd'q)E g pH22ࣅOncoixM,!b]%Cɇ$Eɋͫ|q)PcMdG"0뇹<)DRf&z{7+!8+2ZQh(]o77ɰK67AV#\HV*E{ c&lz'iJQ*ET@MId1ȧٶ5xaKmRbs1gG4sk]tNbOZM(ЊlPU#@E V]#鋋7K($_6e, aU.~s8?/?8̔³_tpM1pC$y)ص -0D@Hl@涝|CŻ|:o)yUg\q/Ф; )&'΃&3*ce7dslN:A U+8*dKZ NqHqxe$B%GK:] -";&b";!s4jHF0liׅ S%';Ni qWŞdMitzN5y#N6*' -+K S@v' W7@;g6!l,]*2̤#"WbV+4漐 :fDPtxk]e}k y-6pEFN?oC%%޹G!F94/zZßɪ6e-crZ[[9Z F5I*(e׿\}xsR|&Duh+Ry$<*e#֨+ՓHNCe(le V??1$?l|~Ƣ܆gw1H9<XnNԾws>G{6mahc9CmD<˝HGbb3uUO"Z J_Pu!aRλ -N|x/. Z;H#E9ND ?W>vN-z;Z*BTh/wjEZN:J$;'!-|q9 -xT ->;c %y+l+A[6 L+y%) vVpmU TWxj/[ռLv_uWiUEnKAie펍+V;±nQ,8WFd3,fan ˻^dy:Jݡc49ɠ:`љ8'{; -J(Z~f18Hy_ey;z -u )*B\$Ћ%JͩM -ݝ"%QyKN0fX5їl©qx0~z 8ȉ }r_m ޡ ţIL Oz %,`ޗV]kŝT`AS9Io>`[+(ZN0L2^lQ/?Ρ>FNţ*ßV| -Kn9x+ziNDm"pO >Eys(sz7R+߰sr!W ^o(%5 -J dds-i߲zPF{>ZCхl$}i0,*/A -L+! i; -_l2b+W+ _3:@H@3_;.Hw㼋/%|]/q %kT/kXA=9 8dA>^U8T׽j!Ŝ8z?2UG3z\:gΎt܎ #Ieä,]"F?<&SL5:J^"Cq((;tTr:z3EAjyS{o?|çJ_mѠ; -endstream -endobj -588 0 obj -<< /BBox [ 0 0 327.86253 142.22867 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/latency_speedup.pdf) /PTEX.InfoDict 676 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA 1 /Type /ExtGState /ca 1 >> >> /Font << /F1 677 0 R >> /Pattern << /H1 678 0 R /H2 679 0 R /H3 680 0 R >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << >> >> /Subtype /Form /Type /XObject /Length 1454 >> -stream -xXMo9 WcQE(J:6E5EA-܏mߧ=#vEC̣HO[|~sOOW[]Zo%{KN.+GӲy"aǜ5 `?69~ +|uj+NԷ*B J^]5<2t ]bpe811SL7w1mN/dn [\QVW&S -EkbP_?fv>7 Ivpom8)G"mc3K -^ISGf+9'(٣7ߜ=vtZ)-ܭoR\*1'ڎjg87ì 1^s`*YCi7W39%::+1fD~e\l`A"~Z`޻Dz ,O-Lﱬ-xGSoyυ]ٲo(<(2ɯ( [EE&>8>y%b%?./et%;vyS -B=mnh]A%F9CFi[No!xZ |,?;^|z'd.!!d7O( -e0}ߢkƜoY=r4!rĄRB(ųcr gŢ8VVoNFw[;8fkmoʛ\Is eN\:o4+H}}MRI1BvkWԱ$[PdiF^u.i[ֹ : 7-E ?TmvΣ MUc/[a $ mG[,փnݔCh; s̎tMHp(<* -hBYh#E Z-p l!-uJVGNZη IbTቢ,J'g4jP |BP L|oNǤ%Fqf5 #EOZ(HBa0F h" -[N#A -Q ;(el>āg|3&ݔf,1#CY:?Ȁ^PȌ0ZM8Qvyܖq0kٯl+.VAcU{ ]6h:1谚^?N!:t4;]_-6cv󞧃".AA[woy0˹U$!lByڣ_v`;|x\Lh@٣3hfun6]8Nbԇ (<ݒV<0i# -endstream -endobj -589 0 obj -<< /BBox [ 0 0 348.90483 183.81324 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/H_hnsw_recall_comparison.pdf) /PTEX.InfoDict 681 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA 1 /Type /ExtGState /ca 1 >> /A3 << /CA .501961 /Type /ExtGState /ca 1 >> >> /Font << /F1 682 0 R /F2 683 0 R /F3 684 0 R /F4 685 0 R /F5 686 0 R >> /Pattern << >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << /M0 687 0 R /M1 688 0 R /M2 689 0 R /M3 690 0 R >> >> /Subtype /Form /Type /XObject /Length 2108 >> -stream -xYn\M~f'Er"v9$ Ř|~Nn?S*px"t<y; $hW:02mFE\I8SGC(`!ȗJRqy߳HThC=ѣMOna[G5+DXC\R){t'ʅ;QB2{<'I|u8tJqRC@js>EaOu4;E#&x7SILA^Gb]tq;һ*DEF ED)ܴ 7O/sw}k^bW*d=4qqe^|00]}%XOWr+5\Ӟ`J*MU`u4=)*-J\a/;µHBOԇ 2L(].7WC VI! UHh#mE~lR -b]pINJU@ -J7}?AWO3`|;C4oo7y9X@&ǖ04iSy<1J}vYlrht 8 -hD -D'*y ]y RlLi9U;NKNz61Tfx&'tQ>ijv=Rl4`#k!hy+RFh+#]{nZHM\\ Dq* RP\JU%3&-;y8BPqCg#jׂ)byS1$OLڂb_(JܙX`&f$j)Q2|t2c&*(-u@@)5";!Y|XO[%Je 9/<Y\~~w{55ms}; Vt_!^3uǾ E;TD8K~8H{Z1h_5}g"W=I@끽&؞aR/d¢ ۤE!ZsGd{+$\" ֿ𝤭@Mg{X-w'uDӝπ#2 [ -@V8wuSĆd -ᮤ麑0j9I^ bs+0*dRIu #\U&|'&|B=xXY3 W+"-Wfr}a{k( 2J47#8M_ tĹ8> +>8L,0ȋczHs;^!9 -endstream -endobj -590 0 obj -<< /BBox [ 0 0 449.05213 244.08 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/degree_distribution.pdf) /PTEX.InfoDict 691 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA .85 /Type /ExtGState /ca .85 >> /A3 << /CA 1 /Type /ExtGState /ca 1 >> /A4 << /CA .6 /Type /ExtGState /ca .6 >> >> /Font << /F1 692 0 R /F2 693 0 R /F3 694 0 R >> /Pattern << >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << >> >> /Subtype /Form /Type /XObject /Length 7294 >> -stream -x]ˎ%7r߯BlI #{F B4$Xf~'2#JՒteA{7(mI3^jq?cMrd&ϴjԑRr4\H - If( iPh!1^ŐBu%I -oZ$JLq~HLNUx#-Uq&)(~cN@G /@yVZ*bFJ!ERXvY0)T፴?ܐtaҢYL)*o:[Ek7P-Dˀ(O7B` -607͂p`chQT‹LZT)Ie$bFZn٪Yv.^ -ZDMen7UVGchQlSB(7B`p+V9+s,xl1x-$"(qs,8}yX/7B` -/s,1(.1x#-7U͍'39A$ș`|Of2+L I4鑕6h67PʬSwC =Qev :idbFjHI lƕsKL&ӧTS;!&=XʦEcL&'ejNjhі64FUbFzHI(;iі6A?èwC MzDfі6D;句@(d-m&^$^GiB̢-m&s Ŏ:1|#=$ҤGT6i3HEqњ6D 8̨wC =QwXDsYoD@nszў6KubNzI2W%f2)NI4hU&f"xR1 *ibLʊ_N I4:LXmb&FwubNzG4:+NDQNoDH,f2)Pt9vu:1|'=ҤGR[Xyb&m秱^龜@z C)X}b&t&* Ө7C"Mz8ULqf1ɫVBQ%ƚ2)y3mWɳJI 3h w1)]LN&oDp9ei&9:U|'=ҤGT>9]dU٣7qN I4Q[?,3{ìRwRcMbВ|.h&h₷J H 3T٧E[LTH#X-m&m0}-n֩;!~Yܖ21*&[7}IABQ1;TNj)C綔qfRwRC 9 ZìRf2la!&=JcRf"f*i#)d cD}1Y龜@zXyƺc9T(͡zі6ю4T8IdKXUj:c˃LI44zі61,!4Hw>f=*QnЉUӵws~fæ9:}||1 X|usEMǔC97_^o˛nc,fǀ\bQ꡶=}T=/R.C1.cy$R3BxY>6K@$T ywtQd3׿w1iN:tL:)We1#aX5ge9ymv` .qΫe+C(1UyM:iT+K髲eH1}M9'h OP)tqPkl*Sh^ѓ$7$ )K Dt: DC hRv&Sԁx:]F/UJPG/fTxJP-BqdPG|z?=96]08|`q6B(hC8p8.z^iQ_t?sNj1sG'LewtΥK;Qi_Ea-Pc*ꇷoۇZA까2uv nM-C)uQkF(eSfW|w_[_?ϭ&>zjY%gP!Q%K0>,Ƕ qW -+:?,q+F_BQDh[P-UjL - כqvDyy3?S:t0~Q=̛ -D1$ &uQGrYaAK.#;W^M§x8yp~N+ՂQ38" &q434oe&4*aA8~Q?yG(zfL4(FI~Q?P.1Mפ.#Y6 {Q_GL +ۂz5ѾsE|Q;"Nò]}n&?fT\_QlfA2o&ffgaפ.#V_z3k n. /J]G3kԫ>boΩ .{aJARg&Њ7:^*$$uQǼчj=X \:I~Q?wƘlUtpW:I~Q?7Z**j6:|p~n1./B0-l҇0IkRuL]HeQdbT.#zӡUWԉcPH/J\`ⴭ.q387kq:e3Tܨ R;*j2|S&$ (uQ/.1*i)0~NW9f"-#,$5K:&_ o3.#x^|c&֬I*~Q?PG6y.L&d< ǯI]G19-1)dFI~Q?N{UWQymgI*~Q?GW*j"ъ,I/J]4(hL9FI~M?/·1QL.fI*~Q?wIf{"rB_^ǥ\Yz3E4Y_ď; -y:^MDQ]c$(uQGYXz5c:;<.# ED fg=FI~Q?P/VYL,J(),IůI]GyiQtRQx偬ďgZ,4 tme.{y_(gL(~I"?N ΂z5gEHG8tXy5 uOQ'~DSh_y5/`.ucU>.2{gw$5K:¸lQD/UΒT~DyV^M4\5:#B' /J]GL1v&, 2Qѭ IůI]G1N./81q I/J]Gi#2*j/pm$ (u.Lb0FI*~M?:-1>0)H8VיXRޝ].#Nqw9f:t\_"VPr:_r+;t =>L*,&&%ꌏ Ysޗa,ft/{,/9/ۼ/uE/YX{AI7H]wFĒވ1@]z@< -ē nx'uIg.IK|uIz@;P'rKuIzA]!Kһ0A]IO½$ ^a ^aGA])Kѹ -0_A]YPW$_Ps%`ˠ.Iԥ|,<~S{`t{ys{K4{QDyaǹc~aӾÞzlf@uԿ/7y_<ȧp1 %spVQ s>_Ɓm&EKƏcѷ> ūo\=Qޞ,3^;ɱ5(btg]->. HG Mh$If!/E6 ]dB}BSLq~盥`NZ!}Ep 3P zFsOGA 0Ndtĩ>2l=7͂mHi>2dn%%pdh|;mmdB -I_?>2TKAl -葉}BLElan%$F<G.(*u?BT = Tt!LҼlY`BLn#DBDMen*SS}BL6ύedPb1Z`0t!7̘)̍e@NmB@K͍eo݉jKkЋ#ؠBwx X - > 2?q{d_!&eH3[_! U<rU_P}؊G -ltxr̓$l6I"-^RN@~ƤDu J2yO)-+:J}ᔜ_cH' /S|+:^T@s //4tyLE˓qLC-.C1+:\1ηh -|vurH -bjxy@t娤6!LC9 -pLEx(Uކ17 8pHA:%>!h^>5Z<登?-c5߱y4A.{جq?"b>8ZNPмQD2-+4;+_[E{jZ[u,2Ћa'/v"لi M apIef0j9tíT*^y1ZRM= bqx'5ʤj3f^$句@c`Zk̬F3ђ0{ "1x#5$ʤX>>Ԩ&:Y@'L"Ux'5ʤFD^4T9=:;!P!\hE d9Q"1x#5$ʤFE+LqZH I 2q*DSvA K:жlˢl&Zzye -ЁId~6V?i"1x#5$ʤ}&/fʞ 1"1x'5ʤFEh?r1 "1x'5g<]fFѭL$oD bQ^=fJKOc[wRC|F}9|$)/N\$句@btZ57K"Os1h7H}<ZhQMXcizg?eԈ;!PtMinA)dX"1x#5$ݹYjJFѧ=/;!P&5j{YhэA"Ś0д mgDVX;8c)bXag>0eR#h^acA$句@(h_aU@Hf;!PǮ6f΄=i!>h3EOkL"bb΋3$iBI #Jg3E(h 7RC|ƂA^| wRC| RA L[U{8kgdm(ֳBR9X1D H 10ֳȽ A#句@HB;f5ȸpNF I 00 -Ɋ_D>$bFjHI eg+>qv݊;i&LR$n~6ʻTL"93yr7F H 2csZ!1 - -%"1x'5ʝ Yjt$L[;8eRXCz6a -5t'%t(/F'ZAj&U!83!VzF I  -jLQ5NfI &XL/g3Ԑ(cbݭ 5;>s^ >a `pÏ3o,~g9EY꽢- -K0E cp(,'`Qx; -Oܣ9H z)^p9I z/)8s ~Rx('=U -K0J 0w)0) L0)]k<ʿă_[7ClD p%,Y7 odqp%NGT+B|16W&1O O_VkPxmIv2<˷/ޞnS8L -endstream -endobj -591 0 obj -<< /BBox [ 0 0 270.72 163.62 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/plot1_em_f1.pdf) /PTEX.InfoDict 695 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA 1 /Type /ExtGState /ca 1 >> >> /Font << /F1 696 0 R >> /Pattern << /H1 697 0 R /H2 698 0 R >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << >> >> /Subtype /Form /Type /XObject /Length 1520 >> -stream -xXnGW%yа{{G9prsYAʈߧf2b;XthwOYmq߰yύ!O>7 ۪qltu;um7ыbϚ G+\>@.fevbEq٨fGD3j6Lkȹ| 6'j/m*r&+1H$~af?_=<\ݢ>w\ڼAN㝝OmV%ղ4*ٕ/JtiHS\GNV]qLqkZA)%eL GLHr@1ĸ`b1fTv>Smcd?Pr\i]T ɯ Fբ6ݏ՛dB)p[n_h+$=͒ &< gTOT:ޑ?ɀ,6h!~0N찹 -S+ -ZY=1 -+ Ē⦆kS[7@}Ȕ'DB1jցؒkmOqnG۽OKDb8zR'Aa'=.WRR}g$z\UU Hư#;w](YL(yT]Uޱ@s{?;Vm*b+:qms5G\Q*Jd<\O4eA EŌLiSj+x[찋B\ktFY"9G# _6"Q8BJKػ*^5e c4#VqD`̧xgL 0Ո[+EUAq8.ٺj A|.{h-^Bݺ:R֐ -"e.zF*h;\-˲\ĈCiMnWWeWs'!Uj#Q Y!)Y|}qenWl&`Zp - -[|6#v]f]IW -endstream -endobj -592 0 obj -<< /BBox [ 0 0 224.92906 163.62 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/plot2_latency.pdf) /PTEX.InfoDict 699 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA 1 /Type /ExtGState /ca 1 >> >> /Font << /F1 700 0 R >> /Pattern << /H1 701 0 R /H2 702 0 R >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << >> >> /Subtype /Form /Type /XObject /Length 1224 >> -stream -xWMo7W(Lqrx"h:CӃʪ Am#A}w%R( jX|ٷw7wf6n {|{|>Y,jm+\|,W%?5slƈT2Q6)0J]9^a44p//S=i])q>4Ӿ&ԟӦvmObnfߓ%rE$[%"lra&?^?/nn^ngyq;G_=JT'9eĕL) F]bh<艞b{c5[ =ѳ^ hjzc 5E#|}`D^za0=m2##u)UAov3-noCo:mpa=0}'vD#Kw- ImAsޗݵsIV33wW}.g)ʫթ >ҋ -3*Lh]"HF;uq 3F7i(K-_]JQL9MFV^[4ubt^D%qIMfڋk%C LT WKd â^48F9 t$P 9'H|D1wZwCq~Z,pyy]F΅L>yDm(kLuoQXu>:ϰ 2/>҄˒clOa*Bhu mTӭ2]qeZ):3^  -R@uE-:fzHe@V('fV51 .RPKr c>EA)2,h'wﮯ·qc=xUD86ڢ{zn߹]uRrPW:V;(c8@}#2ldEknӱsv8{Z_V~Op\~U0D@=jQfC^WqJ9ϻv+E-kSG ,{N4Y<ǛSs >qJ -endstream -endobj -593 0 obj -<< /BBox [ 0 0 504 432 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/disk_cache_latency.pdf) /PTEX.InfoDict 703 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA 1 /Type /ExtGState /ca 1 >> /A3 << /CA 1 /Type /ExtGState /ca 0 >> /A4 << /CA .8 /Type /ExtGState /ca .8 >> >> /Font << /F1 704 0 R >> /Pattern << >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << /M0 705 0 R /M1 706 0 R /M2 707 0 R /M3 708 0 R >> >> /Subtype /Form /Type /XObject /Length 4006 >> -stream -x\Mϯ`.{ۛW_>dM o@s{}kOg ?n_eK)Fec`cI#%)r -ڄ /TYԽ0W% ,9D6Q_JGOOn7He)$>*?0ܐJ>'ȑn;vFJ%kBܩd̀`@yNxCRdEܫ> "¨>1Ⱋ -!缱j7FXc|7B|9<۷_x&For}3~:ń#+@vj߭B"^ 1EzqV\sKtCi#/pE;'=p> =NV=){F~y5kq .T!Z"SNEl-^L Ç2v*kP!s|BnMTy05~L :(EZV*My2N%,@֤[Qscv[rLv{9N%,3 ߙhۤ`3Rc[@N>ni69eԦSv8P9I'i2p;DF "Xk!d7 '$&5xIl6)K$0`c?++g}JӇڋ&pP kAM(AIÅuBjɉSFwvSGto<-qT"q:yqMiɍ='Fz*ؽ '@$JEک;3%@t@FiNU1LGjJ!wƂ ?nUpˌ($wy -w$LqC+MEAh;?e,Ÿ8b!΍*L(FrebNQ8U`U۹r4}CtpBF׹v4mCto*GǑshZ:xTQ]=~4xGGz/ Ast:JtZrF+a분6?dLL."VތIՒet$TFCet# S1?ɥPms -"FQMP ם)~$E2*8T7!xa70MsͥGm#*Qk;h<T&h8PsPQrƣ@SV&[RqfKcJu7dlVxZkFu~;w^`yf QDf"q0, Cs̍Em@Os5|f_ج!α@C x١Y!6B% na*?ˇ%&<9`NjNm%*|E"Z%T`A0[bO.&u|5(JVr@Tn]Xk_Ԓ$#J4PyOD`頧/ӣ-'!/g8"~>p;'ln$ܽn~:=m<#z:g%\F1Om9NB? [[O9 qgvz3B5 ~H{ioc4@b4{ZG# ƀ# # րKسٛCrQh <{Ffpn}ZsyذhoOr 2Ӂ[ i1:C mj -XE(]7lJcvq -‰u(x`t+Uȯ27^4WgćNyGy`"{yF|*v<>7@d7Ja\bzO BDN<-Qp^Ѧ<-Qw`;"Uqv/Y|NW;ji;تK{+m/x ydDD..!䩹l/[@6uDݣ#FQ{$a&nYmuưJM1}q\+2Q,xxj`H`5*sʹf\J9JW3j -Ɣm<4h<.< Hr|u /WWݐ9P[P#K;Q 5BjP#Xjiii@Դ\^hzb!Q̷ZX6edNUñ|QcQă@l>Ll-_n jm]o蠚_Qt!=^ AȘͧեg:/`W| nQǩ6K9hFy!QUłEXrXsE gRbPO -R,#  %w҇YX \WO:񩓆J:Y^ʅByz-i9N 3+EV] HPtq|T|w(n pƲl{(t~J":b1|,xN3rEI1o5g 0H@sgΡFdғK8/= -endstream -endobj -594 0 obj -<< /BBox [ 0 0 502.1103 119.88684 ] /Filter /FlateDecode /FormType 1 /PTEX.FileName (./figures/main_eval/bottleneck_breakdown.pdf) /PTEX.InfoDict 709 0 R /PTEX.PageNumber 1 /Resources << /ExtGState << /A1 << /CA 0 /Type /ExtGState /ca 1 >> /A2 << /CA 1 /Type /ExtGState /ca 1 >> /A3 << /CA .8 /Type /ExtGState /ca .8 >> >> /Font << /F1 710 0 R >> /Pattern << /H1 711 0 R /H2 712 0 R /H3 713 0 R >> /ProcSet [ /PDF /Text /ImageB /ImageC /ImageI ] /Shading << >> /XObject << >> >> /Subtype /Form /Type /XObject /Length 1176 >> -stream -xWMo7WR@B[j-vRFڎR{ؑ4rZ-Wf `<>z|{\b6<];|n$;|H'R8Ҋ 9<.GbZ4~|'[1{0k,;"䓋Z{k) kevE 3*Q`됡"8#u-hI>8I|Gs1e~E{K"(-W6FM/9x5-QEDf6y q4qb:j;.Y#hױBnwɣGlY#i#;:eޏ xrmgbrW! 8b@"$ -7بdO=DJ>%L#6r2]6SAD-Rd9,חөSO3'4[jԟuϗXq]q6YYc#+ivDe[Q9x%XCqcXVb.࠘cCY[SeJJ;qu.Ϲ|M:epp.:&hgiyq"Ǻt&a)ЯZcaZj -ʲA]i%=c:9E-8J[ -0dJ@sZX,fiȧ]PF"gX_88?B -qB$%A`5hg6lUY"T!-‡9.J'#*Zz Lʴ;VeΊ _!i+B4LE]-R] -C#[WM'l87Ms q TƺryAJ킞bjF'xD l۾@Y.(aGe{z#ț)vGllDƓr(Nl\n8OԟX esWgcɐ1INyG+D;;߿3[t3{/ )'A\6_ -c+'UH7Ea[N&3J}d:Xrı'g=S~X COSsM%\^ޮެJ/?|zh, 2lˡ=%`.҈`:Q%8C~^58 -K^ 5׷.m4K*qH^w_X -endstream -endobj -595 0 obj -<< /BaseFont /PNRYLF+LinBiolinumT /Encoding 714 0 R /FirstChar 27 /FontDescriptor 715 0 R /LastChar 122 /Subtype /Type1 /ToUnicode 716 0 R /Type /Font /Widths 717 0 R >> -endobj -596 0 obj -<< /BaseFont /TCFTCN+LinLibertineTI /Encoding 718 0 R /FirstChar 174 /FontDescriptor 559 0 R /LastChar 174 /Subtype /Type1 /ToUnicode 719 0 R /Type /Font /Widths 720 0 R >> -endobj -597 0 obj -<< /Filter /FlateDecode /Length1 1756 /Length2 103156 /Length3 0 /Length 103199 >> -stream -xڤpݶ-N:m۶:~c۶:NǶmvn>[[5ysyɈULvtL܄FGg [0!==+ 5?waNv‰8 :۹223rppy`b'ΑPΈP`k u!p03w(wFhAhnamaoO(IOhgmMox{-_ t58tq"3%4s5#wUL N'P% ]-"tp6G+1ښ* \}{?‰9)͝:z'Sz[3տ%9,Eֿ#ߑw;r]?+L?W-J0233%1LDO` M, f0 QzMx3tvp'agdd"d1/ AE]HYS?|/;#'3! 3'!;!#+ϿS*Z%1W!?*7qg5!߾"w&y;?]%+/C21=gϖon+/Ƈ%7}+ x(ݴ?xi0hbmToS6OXX{7 u ?I9K_c$n0Qp6ju vNH[V''BH'ۙP?}0t4_.:Zpì,[w<}s; &*6F5;F$% -.ږ&iTa0uA{c@2wlev'2z$ qy1Z%odA$HSvf/<DžɹͧaL`RHes+z ؔ_,Vn )ǗbW̯y2ϡs]Ev"Ff\MXޙqMlkx(etkqbu%Ҵ](>#TFfd\#Uڧۘj5;ci/Մc/ŵ!P?\~Q0d/׎To%YyOJ^!ñ|IRbDsN0^oj8k:$m'בřJQ==;( < -kzD&ǃBdZIr`uYŞWdA2۶҅ysL_HUhj[ӽq 7 -|RbxgbٵcwhT۝o&ͩ/YqxlUR=tz"Y ٰ|AAAWi$Iu"/9^mR l2ÙZ^2AD . @ǜޒl;,Z32<_k'"5)wJA':ǯ| - AUݑJQ;9^*h@4 =qC$O`WC苌Fh?;c1L 'kƄMhDGW` -!!riF '$ɏ+8fԘzRt}lG}k $3Ζl2$(N'1#5‹Oy r?"ȗ6ۏhDVZ?Fq4~6w@iq1ǘJhE2ո/dz}qm-\\&?(Q|ؠ>6tpd@1)vŖϚE3^2Z/DA+xw-1˫?E-!\;1MI\4,K?"̃馣r9Y=ܼ dO '^^`"DӍ 0/!i'voXN`|?Sm3IJG䟵K椖Yydrn#qV-ٛ֞)< -$+l&.VWN,j͐Hw0*㩾Oe)^5aҀ?@-dqHՈ'akmS7aO0y$۲QMPktVlmG9pvT+ 9a=xeDSpx^4/SIv$G$c%{Tt$@]$ QC7:,>,=5h0i PWN#ܟaJ;Cp5 e*W?*{%,y,^A"0?5+F:Q/9E/Ų(4 XqM ;~bzǃYD(MEbOLtU~OzG[RϘ6 t=N虧Zq7X~6p)y laYݢܐKPW%5!i%1/ME;DUW jpۥ[ ~9d&pFuJrg_R1$D(aonn/:C`gHOv@MDkFVen;;f["hMT>lVlQʰR`.9)/n.'jD"='_ʷJvԨ-)^NXkf!w&/nXؒf3}n!{lO PFj[ -ܟ$΀fj424:%ՠb5~>_h50 -RV{#S ga^[?u|̟b.Uše7 0`b =i#fH\c#퇂~*8gBۅ|[>!uZ@g0]D{ 9VKޕph#56= EOӘD7hL7!:}-֑IpC ףuU q3L+` -}:Y_ݦJvQI%^Z5Ro R PDٽ"r#]U8AdE\R8ˈ[f/SPUtBX)'N((.;I0O/M]F]fbO>|`¯;4BO{.5oezɘ΄}9\<}wN@:;gX|eT۔lDqfemxupcSNR !n&7DJbh4˖ADXnB߲M(X2晙2pӷLau&+9$!w б W(*BgDQ\64 8.b~q{eT> fljsn Y?f W\p\YIN֪B2iqd1ȝ# $jW`aIfo<#/odJO`L|DĴr~2$b84 \ԩ>F6vof̧{3 +A -}z z,4%"ފ9*)u9|T!ēL;D^'d [r^ ֒R=LlGp=)nHiiGE Dw ėwM3rIt>kk 8ц-}2wr:pܛf'<G#w;溾!TJȃjq)#"5O"]7y[9NScCc|k}%:ڷ4t50ɮ{O#h RR -R?qfn|9$MǻnK}ҢkRnTja?O%엇Rh\t?s#K_u|}( #j/tg䍱2(aMwySӳ]w|%Ŕ4MFrs냑_s 6".fJigRxC⭾Aks$X"wtv705.u@PQi Q;"*p?xf1]3"0RFjJ?RmFhѠ_9fb E?cYE47-ﻏMjMGQ6#jg|қegC?W/@Zn`V1lkGG s;i(;|jfռY ̖@X^F썳!S?:ʹH~O$uy yX)bnRjRH*ti^7 zF*Ec;)!VEr9jCm S,sҜ`t"LƆs)_b 7pRB bI(W38Z^3j#~&՟0w00}tF,HP\) >X^Pϥg$đ&㚒NoEvVFvzM[ d6'Pg,g=޴/k!*%In6=7#T}Q.~@)iJp;ڲIOtlrALEoZl -Ľ^TGغ)NCnͪ}3hKqVhTgp$6Kȣ"=.d[ X60Uµ帔iu`ubUw[NCl:>MZ¸TSx2QJtvn"~4Ƣ54~*i7ɡOlYfj5p tc@׃hVE/wFNY4=)kr2 IeGs@-srK0mj$EL[C]7EM"8K1 'F%tz${IŒi{ZIOd:]k0}ئ>\?sq3.+bWiMVZꃺ=[zFt_~1} +_(:҂^olA. JeQ)jG5r\b7\yY5D:ŵbX3UrRp.xdoW!$gs+{w 1f^p3e0t(2Sgva]yܗOoZP.{՜#E֩91nG͡J*6'ft'g]HO^<-*&O$SԬFՈ>s]/YOH*d1XEiD8yYٞ}w`<):U{ˡY"M㚣B -= r4ӅׄyfWb7]|+ k/n8~D-#+[kz7ii0I.=KW9{RJ, 8S)>#x&j=w z|ih F_ p.2?B8Pla j2`]U(y ~rO*Xj4u.5P0: -AVS}/mh|^{)8j$VP }^&Mh)r=v5y?E[b'Wg GRGg (%LLJEޝqxlY3.dK݂m3h7Pvm2(¦.=R)k;O~'8$+ohi. U+wE0Z6ZB#)ZesU&`)@dG(J[Vؽ{ vp &~Q>`La0a5i/DO/VYTQz u >oq-[l&` "%Pm\JB2ZՒ1DGH:V#28m|T%ŋ2E⾂xW@eȆn[3Bmfg5cj|ǭ n+h !íZt=iztoR f$$c!$+"7J ܬ֏#,eL-qOL5[OȽW=F$aBk,`[|۸ԑohZG{K||˽m-C[}*GP^xg5*c : $i[lC %aӁ{'%Lk֔? }j^M(o,|+Em4Zeњ) ͜]'EjLMWB5)=kcjPw=C S~ݱqFnՇhI}qIs+ۇºF)B'.< -^ݲi<ܥ gڛsÌ(8uk " *().猪; ,@-8ڪv睊e؂Bːvt LoA5 7|;˟k@H\=o IKK8\r];zZ=31LA][v -iˆyYeo>m$4sBRz+s˔vB )";$M;[w -|@?r &}%b -+AL#TZ5zuTKQ,}J-&PNNtC!ku¨&60isl>^[DgZW@dOZnɺԤ5Mװab6:`/,QQ曑g\;$$h"i.62#c; G퀼=@@\&i-| -ŘDYriO]d -Lŷ1v^XX'c-&by妿еE?*R"x 0C7M"߇Ta4H,"YqŘezdt'nHgN8s_ʝ9 B -5,( -Q5ofjV,LI׿ 64=b3@'{'Nt_cI&Q3ݰꮘEfE吆ɫ@Q{Yy0`}hPǕW>OPeD5Tގ(Ɔ(=P(H_0},I!5}ND[ D cFJA d-}J}1Bf@8T -m:g?Q[olE;Q?eY+BEN~ -nAT;G,tf!) z6~2*"O=T}po _D*]΢-V_]ǚwu賟񞰎A'w%>@_T{Z(l픶]g{֙ȁ3 -"k0ֽ֠j0 CI%d˯9^] -5@#Ԡ0-+)>+XU9=‹$8}+^ӋSd`[}KΙaT1@h8|М,>jgN6rۀ"x{'e[D軥@׬t2TI Za#%_ "%3MMƵðTF^Bc[gI\ATX`o1#FB/ e xnVSz0m:?t8.Sft(gR}ٓHp`mH|WR`U Ȉj!- r<2,Tb-;:˾eĢv\y]qKWkJb}v]؃i7:%I#w/d`Fs(?x 2;4k&x 3|̓σ\PZ%f!Sv'y6,B=>5 TvpѷXpǓ*͟g 8/4)i +]Cy%mDJY;O1tgA3jcm~n ,QGB1['V~pei0UEh힃ە@9sBoj3dz -NA)B9\?8%>N?ȴi,?FOd䀐Eoɻ|zVjQ,e!'@|xr4=ڷ}AJKpO\H&j݊"BsZ%qc7P'\>QL)=ŒZieљDǫGկ.( J'tռ=203ˇ$7uijҭ4 Үqw5yPl -IhMZs8:fh kSuC[XlscU%4 r0}^Jz\RK„ь⟶3=qAwzڑ:KHgj{O 34(옓ƬefʆdKEc[}U&#YVocdwN1#X3LR}F:kj)A)QCKpyS.PW_ e5gqT3EzkE= ?3 W3LO0#D^C+2z-IQVӶ+LS0[Ζ^zKژ=3m" zI[ Űǯ]z/ -DNCy]ӛ϶j~gP"A~=`^ R<mAVđ-Qdyy}~Q*"3ԔVڠL('V{DN0!_E&5pP̈Kb TXESDEd;XIeevpS Zv1]hyCBMoȿ]e 6n1SB+rUX"ryuA!B?iJx,zW^MM7X#SU[;&p -m^SPFbi .ꄁv -GB#i/)8sle]ipQV8j/v*FR1MU_V5y_KQ}tԬ_c0*Uk)tFϧ&& ɉ+GK>Y0*1a"?)H0׀X꟔ -̒8柀T?fgA0:kŃT%8瑣#`Ӭi3`*|8+/<jb{D@}* ZDO.UE's8b8>/<6:׌ZM-+mȏJ[[0Of2Gj9eFuGߧPk:H -j^F읮J鵌҉{S=hC7 }'u=DGiDKԂ8' J>s8 -@YV!Q00OuKs nDIbi_晭̈́UeeV6:IiZpI@k2,z6-7o+oi+IտJ܈oG-ƖtFm@v<uѱ"'%'4د߳zqs{B n/,|QDBbq^Ϸ8ҿg}Tؘtt+.֎|]FFu&>KR}ҝWkUDL&tA%߇ncI4ۗ鬙 z#cP7]D@2/z=DBul[yXl@Q?lc(hS -h&:~EdID=jęʶA[sdB@ Ȁs >&gu7;e֘ -T1iॖ -ETQt>'npeEp] -)A*G΄ǪcT*TnY|Y=@o?E@\9B*mbVsTy6#\+3+Eb3E*$,p8M#*eDvf Q1z)#dp*SΖ 7?-)o%u_wZLfW#qgCs1{;w4׊5)`CN=<$5]@坋Mv$h]ZuB}cpY  +d)Ƞ_; Z< yzE/=yY*j\~FPmHМ`䉜ٞ;o !7Keq]<ʃ*L'rY?ZJ8Dqwye &>spS_%yT >xBjOV{ېr5vUMH Lf`q6fȘAuVZJp̽6[G5C,`A)*O t]W`y's'̂@W>]KD^ćl4BfwQWeMz\ ^0L槒˂1ɷaJ|O\tK2tY~(3+}}j-5QjX[T/c?=/v6aw?=m:*uS0PvnvѬ\zamƝfLs=o.I+@1+]$yp҉zCwk87r۱w&ä =`9fVy׶MTX3JZѬ2Zًq~KWv{FLq2 <Tub%%‰F[>]#=ծOrkooSY"xĐ34D3P:t8A#tZ/O;9#|@XSz[y!T^9a oW#cHhlѻLe3sT~X5.]WYȡ J<;&/-}0 8{Zǰ=ۏQ# -?1hy< #aZ>N(5s.0Á[~ųw]&%V>^Jl˝g"!JzQXJ5p1rZTIY0M̼bCB1 FIi5G8+?#DϙpE Ή0iC7Q~Ƒ( *$?D΁㺨SJ:~c|Nw;țk|go?é}31fۭ -RHQ15-4e.)tаLtQ>N3ve?cx[3t -'?K1+ktdZ/x%FvO40 ^S@\lW^oL0hTYgcn0WOm!'swx *.f8htκz 0շ&? -Q(.Mjsbc?Ɠ~ǬXfጽJe[N*渗X?w0bj  yu@sø7g? /KhGLx*G+O M'r6Biؾ(6G1y8sfD'hf6!VҨtsJ2aD*!!+ - ^SUfq@Ҋ O+gw!Xf9ZHKZXZyA|E9ּ,7+C:jF^t긤tQUVt@*2drD|\/UzKoXZM. ‰ipu4ۭ ].=I%ϣr^tjlϊ:jOn߆i; -rӄN^}{\4F@<>9wrYKܰb1tHwa:7ktr}Brqeb:ŻRhY*dHkIUx&M]FaN|5o'W#3RNބ4mvc1Fl6 x8j%~MkRD@(sHJbz{y\Yi['!qgD1$X7VCܦ.U L2E]xyٺ/aN釥ǤȢrS@yy[^gI0I霁ɠnDɵkU mRcI?0byxR9Z~gNBUe3$Q>tAkZ fRve!H9(qjSz ?k5]q63=+<@v45iIJ+]p==\I,3FAdpR{c?@ƙxZ4ZqE}}[*vW ]m%Z(ԷOD|o ޘqBHK0<6 <gzOP|3~CHz)h#KrDVo'On K.  ɤ=ch f(&,(tpq~c] hZ ŬF6[vħj}#oJGʔQ(uq'շܲ<~Gtv!| _aQ F=DgZ]$st6߰)b\pJ+xG2iŕWet :r̴"jqM2^u;fJE9MGy\TRiXm߰?D.MH*#ew4CM jo<ƞd[ΑV3sg -U_J]=¤FC$Q{IC8ŘVO '3j{e -|0ܷ1ՎQAzho`.<U$zK\4J'qQmoy]E 'bgzKͬ#M q(LDxðVNSA)Z+ю\n|{ ܄\v~ bOMb5OunO@B`u9U$+r["n qٌ_SJ ضm۶۶m۶m۶mzx& :Ӻd H3t5z3?ƣ\MHq/ A,Uz UӶpZP:Wɇf!TRZ -Bpu鈰{^, 1}4|fj`P sڎbr"u=9,_4AZj7Wy&!Zw=~H*g]c69(+BM¬jH:YHu/67an!!^ pyu5εk9H[x;`Tr pZteS&GJeB¸TGd<*gHrv}Skeļ=Q( ߉] CjuRzh[7bz%]YǮ7:W@F+k,,$ˁvWD7`Wsyǣ{©6$9+蔆0ļ^3x9W#H)<θ%! Os#?ENVqa-ߔ@*3ֵd{zX vu-2LVXqJ.{9^1hý sq; O -)G\{-5!]e_hjS:XTu2∻@I+%i[ y+MJ$8* 0 K Q~ܧ/ub.eGVW莒XPZNg,gL98KON$ $?Z"Y4%w8t$?84=;d;V|*W]&W2~#bm`G6nDZcC`2i|< LMN,Ubc8pϟM=!ȷz>sˏ`9eK-\7۰ѳ,z|=6y71͑HYA̐;;^WlE~.Oi 1uNSً #_p_WzNf$A g(&ĈoJ7n@ sB擃BSEz6]8P pCQNqLOqs+noX&Qfj K;Ў(w%aMIy7J{LU@,hu~! Q^7' }cx2+wU;64P-GWR%BW=)9}XOs|Iճ,g%$ FH:j;Ir-`uߎViή~D4EGq#SZ_h|ZW2ˠB;dyH]:Y|V#R6 v3xq?G\̹?gs6|EJlm-P.;M_gqDXhoy<`4a8Φ^wLr= OM-oヲZ-N^{-S)ŧZW|sPԉO,x*G5I{U:BN?lP' C{p)2yigJ9}tr? Q -l8*?VqW%Bp:-DQ؍ jw[Ht\1UԣcɍEQ:J:O&7e^"QUh hԅFzČӧ ?Yu˃iGZc%u"nPx< Ʒ")=m_sH>sB] 7{Jf;@&"㜄YŵsxGB[EC*SFY&C4b -X Xīg&O@m(O?< UgROE( \ڏ|~s|'4/g}նoٰ',1bݮ5ƕ&=2_LlcWDM)/RfUQ9O)?SNj;}a<ʄ,ٕ0c%5Td $pAoady- - &ǺQk,=f^b_+ jEޮ[ !y"0pAјv JBH1뗧|Atv@W@|xc̹ ,M8vOIlj '$2F׉$`K[ZO' -,*WQjzP+*x)Vkqs/95]i 5=s4A<Xv{qMc -PVpg a)o Yyt3_.ʣ|M9.haKدYqo7NXQHQKg}%Ѻ%-@?͚~'n(]m PDjuvk'syնנS642vma).U "SAjT)'U0xrjZs{Ppf^cڙwMz& -(g[}4r.,s"2'^@4=jMfæ Mx(> kTtHpQx])̺k?Y;GFZSZPѡx1>2)HVQ[HJ5zw:W?#zs}175k_x|Xw0ə9l$^%-˼u%)[hjN]Sa6UW؟(Y41aY?.ưsG{RTob.xzR3<׶ XK &m٦zhb)4cڜ)9^5 XGw2v.A-!a=\CXxv}?~h2mot hwޓ"Q8zK{ Hd)LtФ{{3ɑ<"azi.OĥΨv7r{>pd0W S A~3{+gh^匡z| ꥩ_znG+т~=٬RU0_˹cZȟ2oA5օȼWKbKuΊxEdO漘T_8<^YFXկb7SW=͗H&hWOMUr4+T6i~K:j.(a0TkJ%KI@%-mG2#PQYNɽ]¯%RC1|&F{]:?Hr>q/"%f -5E ->,&P'hӤVR1 ٕF]^=ԗ Q6k9O}~ ETze0rf,z,ZBQthqN7aLHH 拏z7mߛ5ɣ~gͫ>1wuV*A8:4 e4i#H(BlqO o)n] &eLLnrTg|Jܕ;BPV[$~QUc,qBZ˘ -rFDQ3J mD ک0Wt&^0}l[ٖSGkI%DzX< v^G'_;mX}&:"^#CEQbom/F.Λڹæu? ۆ=Eu7=jaq_8 -vZ80J IKy^hY"Ve-jB %`.d|wR:*(4{߬&=@Т\ၑ~۩]O2B&Lm<3V|4kXf>H/h*5,sZuy;XnHK[Sgu2yx5sM:j76?x+3I`:'㫤B'L>h&5#I>j6+TYII|l;nt# -3| 7ڈaVzdl@Y( 9AhJQ5rr@Jȷ2L/Wlƒ(7~;7J3BE(.YULL4wڇ3z7pz#Wc!< 8O%pll5ti` -F@ .}37&lsĊdzu[<Ll|CkpE,N!5si}HfF 9l?jS<^]% <[?:GUo})[_1 \~-:YY W ]ؤ}Fa,80:o ˔z/ВGq;-";P:e5趖eة6/ލUep3,8~ߴZjq^jam,ONMˏJJN~TܔhcMLʖ]RsyA{iop!]Iߜ@c섬 ۄm})d§+r?;Kmk 18wLUï񔗖]ͬv`0 gp$ȆF&,pVp {,_Rk2clUl2rgN$/E|rC۰z1Ԓh? go<<(/hP?ֻjei)֫S1M)ݹ)!_>UM t=$' q ] v35+MfDnX{69t،{g@5{Ƚ@vV}hZ-T.Y( )Ai{Nx4AHlv_&56f8 -lKwWP4Iq^4'ZQl"eHGA}_n$!y_87\`q6 9=@C3BvKq -ɭ_QIe3 -İ- %eNosemofM{=\jO/W= -RJdRxq@X!,yI+:>mfrwHV:4ey~aE)ɝhn!A,cg0OTad>mʋ] &=6VhD][Щ0n?Uܼ 55;滧Pj)w8vUA5ZM:[h[ی -0iP w?vKYt`?CĒ!8eϓUoE]n&xE iwژ1?5./6H -Ru]eZ͚6;,T2\s=xYi]3CGd_&lpK @zOfC"{I2;\b (UpgiV ȑZ>=:K4G·%$ WrW$8bI#g̀ϻ23`|A9]LkV!f9;@n',wWVTP;4y_ IV deZG]_V -EYV)U1:DߘsυglU`Ԗ%o6(w֟`A=RyLM5SzL{6ͮsY7]y_[mMXw;Aqy.sAmn܊*o.ݤFimP|:Smo&K6u'!19;kDg0ލhKDO„!> 3rf;#^O)4HEQDk/nޚC/# ]1O2L1OoR4*B!<<e<}ZP Wˢ@U>Kggo I`#ϽV]GuR:#yK?MfAB\R !IUzƢ>ˇݍR?<&jĀ@s2D 炓ˍižyf*OlOÐ[= -+l; 37r<8u"rijXr0'L-a&BxցsoN~lYCW5O(ix. L$L)Xnka^<˄jVcJG`yS@sT._B,2%>PVNUv\+4p^v=xr?={;| ) 0IzajX"(2ɃP xlQSyr"^|˦%LZmYۅ .p^SvBRu)XSHxݨ1\j{C(ERj-QUbz_xC)HD #F&{lMzd<4qf0M;Hq[ A jE -C`ANeyңb -P䒋 נA SIBԒFp%4Uͩ9׋cfCK32S`{0RIQ2?W:jDo'N7CrFr't^Λ-PwW)QU3 r&^q%Ht*B4eo`|CnT?k|I:ꆨ*V B Ws^F42z6 햽vi `EGE>_ˍQ*n(~`w:Q e}PqpNd~B_Dz8r^B,kE2|OG 'a&x8,Q,|n<ʘysre8~F50xP)gf/GQ,ylVwA,N -A<)dL~6Y(/6ͨ"" '4^\7_OrYv3=H?f?C\ͣI]eA,]0` $7F;~AW > 4f@ݐ2Tx}}IP'8TQ9K]dH*\KRn=U#e脙ҊE:P[Șz䶘]W#w`o}eZg wwbT,E$OĸF\şq暸qb  ͖nσc}GŠ~st7qXOH)]Pw061ćXFU Y H)P]FDqg.Ш_dۡƆkQ^= VCNyGLpkM‚ձF jf9&s_}iI~3}0.3r7_njvAr|xvY@#L. _&:9,D 4Xs9^7r2y c S$~ӤG`ӞZedYOEMcÇe ٍ/M#HIE<ζ?ݤ`l& ࢄn[GJ$ LkGqeac<]x1~dύV֤9Q^b/[+poMb*! 9{_HĈ#fPÿZR{U%G:XցONTx"M d{F0W&ZGܰvPv0^-! -}3K?x{HeGi N`Z(%yks}4q )60AM(S^yh{֕X{}nlPèm1mdzO5/#M*=Aq=bMQ~>56!HT>LU(|L/WKM+õ@hc.Wh[Gep\=`榻 Td"Q5cgxts%^Z -lMeYW/ӮcUHTPl~s04Q(ͮk!؍7`˵Qζp)DzywȅAM 7 _4݋` 4b)aL ';kk.p0YgueHUыT̎֒7z \%R=v cЭ@쯱+d -Co$t{rJA-sYBP6T{h[%,f&ЅeJcLd{MƐ,k<6]>{vAdDqStCsM.Xv4f:Gg>7[3Dl>A#Bs}7,q$tf |lYF\Jh~6[ ŽC,ȹ4]H,ppXBX_ gU:,Kqh -=_ 7F#[/wID˖5򦃭01i%\ٴ ci{YɉvYe|az '{m0n|HX^<J7 |U6jGޘ7uF*n3rNsXaxʼA'̠INԕIE!"VW~˞'0FfbW#0c ZPPȳ='f7 -lYjY"$uYy^\6z4_ ML3fXJQ M `~pF-—z U|uf%!Vx\h%@ġ)T`ͣ}}}׏_)Z2겔NX2)Zu~ݫfE|Dw#Cv/?[. bq[픜NhtRͼ'HAZϘLc7{VĽ<V>&"<ӯ6{~3p7>;YM"*Mm/)$q{ᚾQ#W0ٗc$Ę4;LwJ2V'™@Kx=ڂNxX 4>DEu?1[ȀjlM[7|G厡"P66([7_շ-cZV]#Q d -ӡi~R6'eѽAΪlSYJJMjkm]L$I]L^(hy` fO߰Nwk>Pn*ty ^4:gI:*x*zj>Xs$jl, -2Nx&UFQX^ZP:fxS!V0~j]VaTR`e-w@ 'M~)(xT9 ;&j& Hi!T,:~F0*|q~ O2)'p~yRPzaq7R`Gckl*@9f(8h*Y~+ֱ<X1{|[xY=:8M5"D+Q̄N\lxUĜGCe8.1 K -30Ƨ>LۜGw) 0s -9# b.c]0Mn~% F<[a.3+E2u>iPU"޵{t冉9m"d2p3~{$KcΫɼ""c{y\n0pDXntS[н; c7,|qxEXn>WWJվ3%ZodǬ.PKo.fp4- -l{`'uYѼlEEHc/ -Ki,uׂ 8SZ<6~6sN-5Y!Σ_z\Byrsbd gQrWrΟfFtŕ ϡ#Efؒ-b @8M/fVDk+6_k @J6"Q 1J;2'@ƛ"4vsoVxO6rF A{+.@a!4nUIw8yr4ŁqxyrG(\kR:g 6,ѡ%V*sWEin ̊ Jh1t簢tH8w=gLjB#'3ݨɆS;Ɖ(f!/eA?-[IÆpd!臡)ҳϟ`#Yc82O~UTN- #a"Y6/k󔵢'iDE$)(@vN2^RxxMݷC/rI b.= ~es|QX9prWLVzzBe9C/raMo\֗lG+bheMiQ۟,3ӭ1IRegzhY,Lh!FMkߡx<>ԊDRLr1EʁuON%7UP??=^V5ĖVG~ mSqʣIo}iMGGTx@ܵ~޷RsrED_ - % *Ȇ4i췳Ť,Wɭ&cuWlYP/}6A -}zжT"IvK]/7;<$'2W<.{CwbU.3:*jVU:~N1A -# <͛;,P&zW#~CtrRD641#HӶJЃ!UoѯPejTG?:''x,aȑVX| -H4n}*gh$:oH6X&%E 8|lʇ8%8̫}(A} a{e_}aHO5@NHc)qSěM'qiuط{ש7O7FCĖZCzr.M3aH D>{οl=H*C^2ز. ~3 fEӽ FZ/VG; 3/R;Du&~  eYi0*Vϋ[FB2+0K~^/ߚXF:|TmyZ8Z}bCr yb\&< p d#e -JD.0AG2vRm7m20 FW$LR&z`Pel‡ n;Q']&{xP"mT40,%!tDnD/T:{߶s V\t088ɓo:sk'ȋ:>"C -l]Tu>PYj}QDN$O/aOћxKdK7LT~]`iIɹ {fr' 3SAh1 -7 -ꐟ\yJϱgVXЋ` =G~Y!.%߄{GhY52D+U5T3*RvwpiP`9n-V{B!I 85aD-S:+/kP,|6ɾ -ZxRB&ÑoX9Wp˂w@rW牪m-60;PxE{(IjD*Wm⨁Yq4wfr5$*{eUp%糏 ɽxK«/yT?|6X 1Qwsj:wM?"7EJ)>xq,H @n\wB’ZA1%{o`CYk%rS oև(&4 *d)uyCnoWsp2 cJo\~# 7JEqLy"GxXf 7 2ruX2: | Hs'\ - A]e.["нk5W~k̪7QL1=6^Q bcJ4OiG7A <4'9Kr­= 븾Y*b95k) eI*zy7Ró~ؐ;}ysѷŏe ٬{IP(_etiO02[<ؕn1iJ퐆^5e}$αkVK65{372ZG8;} mLy|T10qP*puL쪌V!v<~1`eKZ38;;2` A@_*m^ǣ*iW- 06(6&Xai TdREқo-}@MY]9uU-$0`77Tȫۥ< Mvx_=I\8XGV5uEf#ňؤe6HW -ž7S4>t?r6ߩvs'XX%iO5m~ϝm IKco^d[?nA@_H- V~j^n Wcш+lPSjW;} -ȀA68 {GOeZK֋Qr0> -bR։fkp}Ÿ&Rkx L `^@~`me5!$vBFw; 컅npIG%z^6k%_)ĸۗZ;&S } -$QIÉS| -m!#qn?UO:|Au;iؼY@xm6U+G5hOeCs^ȟ'/WMk9 0M}>~YruNh iZ\&R8΅ý(V' &uaH"BLTHiN -t.jZM.لS/,4=Q0YHfs0CO8S#gC9OórCoڋ43J}6zS'AS~ \ήە)d3=MҚMky:;I9N o?{V[;M`6Ct"E.ePPDK:v@~HޛRiʧ+ K!rCoD&=\4 *خ+غlZ??720>̪Y=PrevTfe !o$*VY@z̷Q|k; 3~[%;.cPAD1s%NEtmV*!lXkjĝN!ei:()8IJȋ"٠Bϩ868T{:-CAq)J$ dhEICNA9?>iB!KN!F3W%cñ`2,5BjMᰨ#ڲ`P^L\~MiIepPKԍe+bYވDݮGY2UϮ"֖%KG+ L^H7@ap}fQ`9T%~s{oisN|5GRI?a |]5.Cmaw WE:+m>{o'6Iw=Nޜ/H5lY.Р˭V2ޟC[&ڹuVqa0NCNZX.Ʋu,|`$d>YV]QRK+YEkR|KZdю My{#SU/`8[.чڻ)Pͣei0Œoޮ!Fr޳P_vu V1+%TXs`#'auVMs#O ,,8-BdPd|XOjl -Y7hWfG[sr< ƣHGֵ -%iWp:Vp_";` ɍ|>E|YdWLa^ -K! >]49 -I;2*(SݞvA*A8H5Fo/y+vT#n e --'vo|P@5xs-V Um_tߢ{)ݹ(AlFCײt'f=M$#!yNŏ/N(?ΩW ۶m۶mxm۶m۶m۶曫IUyגKEQ ?ǜ@VEˏ` Cw5(M._rq}!CB!ש|s@mb^XyBvC2[~̑ 7_;-馪xᤍ-maçյN D{B_¯mʡgnbnj,KV,%P' T% ¤76 K9԰eaa;9};&spLqWf5`hhV!=IW9ŦYQګ)eԱa,c-1y뫽8a>LV'yߎ }fRam_5֚%CĿoRY[?sǓx]C걹B<;yLRTA]0m#컞 lWPy|V; 3B˳1W܌J pUFΛM Gj7`%wi,”ܟA]"PK>n08@7(XU~*,~ 7nB?z,hͰFF]EH [,NH -6=Lz! SX@۹B./A&(`:h fߕaB)hNtrB -ѶN8iiG0J7Hb2fE-@ exrdUdNp @hH[&,8zz~$9y9!dFGt/yr32B0T4xvQgNKK&}knجvVFOxỿ4XI'* 8;@+7НmҹkHŅ`@\(m.._@ϹeO9Ik RѪ3qW&b -%4Y2ظ}׵!:[4S`W=Qw?^] xHUKž.q⃟8"N[͸I 'ܪtSwU۪9Tz#gR&iOT;X`h\䝧bWxLjbq(}J}P<Ŝr9;ʘNs2S|-PGA_QK؂%6RxٴxI V_4,}I2`'o{˖. n!?Jb3~?KsÜl{ O?͍|}Ҳ(*鵑q:Y8un!$c?YCz]IlDü?&zM%wvaV/p҆VW/v\4=Ё7v-H rF)9yxxEN"77|Rh ~|xy6D`HN'9b- wTF}_>7Rx+,$Xt?HxI5k9HOʉAfVݏrGX5. a\MGU\{cuiE*Hfc_Dh( -_Ȝ8ܸxѰ '=uGGfd1(|Gys7 .4V/.{2A%B,>6KTB!T#b|5VqӃ9-|ܘte4Q"7ogcj-k -H"DA-wF -xןzgDdAfu~=cbE2׭>'~6S?Mmdl@[-R@r\,@)-|`>?8 lEѠQC6? i2".$If!@ulF2w,R'mD!;Hpm|hݾ(06e -"r!PN%1)%U$(nw1Q[´t2rBVvM :iȑc10,!ōb֮P-o{`x#AM@]4 bM qUs]%s|#,ãٺa ZW=To{K6#SZn|W )~&MLUZF)(C3"$9ΰ xQE[AK@|$NNO(7Ϡk6@2Q;zt<= /I00Whr  A -Bԃ9dTb4y_ I'H0 }iw2O2Nu/:ܥ3K/Cϔnbz-Ր#`[q3.~W> -Q/d+5Y_PZ#Hق B@p9p`8hc3ܓ`HyKC_#SA p1[D?]rԏVS%q"ג -UBVBݶZ?_pDw)A%{^> ſG(^RN4="A-~[],uKZLiEfe$3C|6v~ ct١glPaq8c;}"X\ ;uJ|xrKzHNDpYt9}7ߟ7(eZ,t-eky/KxT̓"ߌ~pVs&j7yP 1oEo5yY>BW&|Os,uS' I -m7#TLԋm3եNk(bˑzc,~֟K +)74/s&A-\]ㇸ^=Ӱ -̃Z#ZL*'Pńε|_r 6aɦV>Aj~jpi6M M{m:sF%g,EI29fJ,IZȘ]otf,/+b=E -qZ@ͰIa+B4xG -@f* -{v[l̹ |ӢF:F iQu #{GC.@,ad%9oLa$M-s|`؊zliGW?:؜Q$5 )wSEQ5)'׾mp@l7)ɬٯ#rkvARAesw]0L#,!*"[;RjO9^NhBMu$&Mò]p}7z`J(ۡwLZ<&∝*v$+af )No?kvtf8 ŵ'X; KcWׁX:P쭧@ZIGm=xr907e'*ئ8ؖ$!Po}s!ؼ%2c5Gx`)f1m*;sg^n 1>Ѝ 6,k/C$-ZU_3v>\R#^G>2L>s[.9%ΌjV&`ԛV+:aٗN 1&n1O\vT7?o**&We34|^ƗҿGG)Z[l8SiY;]rNACש4T>MU -[/ME%sJ6LǖP]7u-ߜWxSu_C7H="?v3> k=ލzGlu"rMlIF]a34Ñ/ZQK,1f%M/8Ծmx2{ŤpM[(Swpy1 -cݷ -JmvXQiAc\nzZ|' y"w)x'뼪sA8`+s#R,k|9f/8'[e@X=wlۺҨE>6aS-{A6JEOln+nv@XrcgVMKDR;p&T䵳^):c8;Е -?Rpc,NKM?0|Ы_(e2o#Gp -~Qkp<]E RQ,rq4CgIfR0x_\ 6$~I|0 -^FFǾewl9|Tr Fmƀ PF"]SѢ>qdfsEȰP賯·M(4%FhJj][Ur/@:~WfV#ǥbMTk6+CF]hsڦ_e2+VB[EMiBK p5=ݧ +>^5PhƨrGن54-si]fhl6?N.+2s,<\kLLEt'qX9l'Ym, Hpﷆ%ˬy9YN%@ ˁ-i=;ˑ/.Y|3! -y+r@@dh4O!u3`B7W@F]9~`)kt(]``T]#!$y S"*<>נ15Ǖ鍑oe`@U%G8 yQӵhvK+觖!KRŞL*|>brFE|ְyQP}#qˍvv*B$}S]0xoN\oMW,<"={ {]U^>^r[{,j*'prd{PwV`Mo^cc QA?WmE:ľO--,&2FM75g-S^,aDj^|~TqUXC6*D}Iu8=kơNarG,uN1b9z%V"Rx_c3}Ǡd&b͆c/܋dwÁ{s 4U~YHYTqB uhH"spc®Ze1=c;PA606@g;bJg2/DdA ,@$s[۷pIYuR_xagOVP4o?=0%rq%#n*jŚO&z{~$`eWRY[ -oj:K`[)k=]"Ba]c8{}mҤO@%r2˥ux?ƯA3VdH\y[q8f߯7Vp(d%}PL[MJwbB(-`.3)b~Z KW]Wى6k^:~VTIR<\+CQ"7B"X mw~w˸HzFOS`TTFG[Lq/kX 9yp N*ȅiKR/Pl]c -aI)?h#%~x58VG+0PE Iȭ -{)yVB[Nߑ \ѝs5+'ak^Av3pozEOCs[]=F13^D*it"dҥvjNT8.[9[pI|*[54Bh3&$ۡM]kRc`h*6)򭐾8tm&5uE7JW_FbP vT ٽ-<(~\?PЗc{ʁGT-22kit N>qZ.O57 )b^K063EّOm%O4m\6pG䷯CA %g`,@WM2-s.t2  UV#VC(ZYg,p)ˀ}b?M\ ~q*Hl,s-Gۋr<&4쬇`m\ v xH&G QH*L͒^.X=mKIaq)yy,9=&NJ<>&:EƞtyknhIQ0f WVRF$tWT'Z60L'Q: VHN{/),[D/7ߚLdfCͯ_e8z8zVU2@@1Shi>%[ۀjpfFj fZp vlC;hsl3Ʉ.G<V S7n`Og4.1f,R.ReU5ѵ~3.jE10 ķ@ĝZ5wg47&T4ٳ6XHҩN|w_~Hx/)% n~RZ}< (~^6%Bt̯xu&wlB&b&e%*0`k(j3Zge 627f\&Τ?1Hn@޲MK<<YidhnQiꪣDn2VՁ&W̛BߖD

xD̦VRAd`Vo]|T1UN8=:: \Zjљm|~쑃zfY5QB)Aݴ:n/_V8_b2;.f>uuU)IHm[S IY"^gzHfh=h-cRw#+NXB,ngQn˻9?>}!aBu?Z}`z8PA0[)OLC4(6aBA|o=&{HŚu ً3ҚHhA\7t$O.pP ?Ms } 6960\bR۠vзfVD'a޵l>J鶝wbO;/ %zN` C/hPLYT$ ml *22}O5a*p2TOoƕE\o)|8\ou%ZU+꟫ICi[M50F(~k{9ߡ#wxk<]h1WN@M&k2ID|鎉Jd"pǸ 59Ag޳4<|pPi~[mn:28.Q2) 2_RJ(\1>,WBK/*S"9ЊRLՊTw -7T͝HD{1.MB:0uM7Ϥ^]XW=MAyO#ASBș)l!#k`"\]ώ4J'叇wo^:6_d(>3͵$QSڀS x"_>sI$oMS%8JTfauӆ8ˆAͰ<#Q3?-! KF>va9lTQ(cG$`][crvxMSCs4g,` z(GjmLlSsto).Bg",Ogf}v WL -~Jr>@'fa:^4aq>κ6.KTIcS4˟Ĵe%bi/e[8RHN 1rQdƴ' Abeaj',$d|2 )_ocpmd_mU]/,w 'wSP<CULUc c}V:O.[N,;9b!6r5ͼ*CwL^:$})-Tb^'gYO& v(5>9xAЭYTMpdTU*LJ)8mUyFgdR?:q?Ƨ"Up*vv7Dl)rr qWA^2 -W|"6>j<ާGJ2ϕٗz"{1$g&Ogf&Mx -oGx6-=4y±2Ga"@RR8:ͱ/k -_HvwtV9Ze>n.#vrސJ'Ҡ O1U#Px>oDɊIԞ /ut#9I7y33#/tɜ$uكu9VPAX G`>>q6m9"S8W #e%R#oٶUHii4op%,0,A+mUS_y(hV.qc=$at4ݾIU=K6OeSM rn`k^ C7S=zmc^e1򙜈B<'U`\܋So:l B6d?;%̻Šz W;~K``UU:62닾 9Sh'LDK [XƣyHV.[%oH;b鉳cK9/<&N'8b[g9?ijAg >;+"3 ?+R`sdQwQ:HG&ttq88\5AmH,vvd\b A2Ѿ 얣b )P}I$҃U1qFɉh&Vd ^ _d|n0:dke=x8ɠK -bknbzO'^Qq7Y߰p8ofUqmaQwDӔx7?ras#§m,xmNcz)ụ tIf> iK3iزS{+fv|phbt K&lot|I*4[Ʋi"]pF-] `AIRvN7,-P3T[5TB` z!EvηJ}Yi=xCN?8ݱG ˜ʌB۠N>ŪUpn6"#34"G’ӿG>eZ{0KQDBxVx} $j#^J|#l@Vv澜H "ZfA'tEWfL|4aN=b4g_ęéXR V -HL5G,T*GUM>2T҈pU!xw"ޣD\r ^Nd\MkQ$wT -%6;l[|}VmW<׉`H*w]u ;Ǒ~ T:/GP''t@iQF2(L"R`Fh9Wp"|~+FDQI_ D0ո ˊ فr˼oL}U]F|qڒw" e1 o bwiVʨ\YK#JcKKC uJ[r>W*z:ى׸VP/?gq.Xퟎ;AhYIimpˁ7S)‹%Yڡy^ilȉk0#_4 MX'p>lCR2B=5zTV -nڗR9Tje3iBɯx; K쥗7^gicRg`}}2-eb]JR&˧mǷV0k4 j f\ϓNd.[nO9̂uc+ףIkEדZ!Tw߰=m1ПtnBWtLYq/Ä 7yI?fKPpS[b'K -Uz\d' 1\1$KnmD-= Dm=|EG&\}'iRm|N*$-8s,>b o*badλL}'׵M& [*37zl5CEsd&h/m1d4ckk8(#~V3N~vyD+.͛ovSx #+[W{} -/Bv&"#];7,"pglD5[ׁښLLMQ߽]p8hBQ%;"`iL+ɶx,$byDK袴"|R,)vۙ'=BNɰ+4$i1xKڗq OyGp"`&q>ꉰ&T -g/דDY88YGYPl/Y/(Gӣ[byol:ågvlIo]$qO c,B}N4B= S);jHrui'!(=, S]K ?c*UEu45u@AB*֌|-2jIi~HD} -HH;ҔX OSA:Fm;T<5_Jxy0,oﻟ*[!j]-?{ztm!߄-_1|?b8>_@Jj=*x TE?'-Rlr#erP`sq -"?R%,AKLF'V@`eFS9a~NWtM%W1Ruum OOfrЋy@zf?-LE:5B~( -<Ϣ,ufHF`ƅDC a.sUSc^_sL ;H`”z(Og9[.w/bmrͰvzMm"aӊ#.\{9T:e8m&K4\H!FQtPTI a.ԵLau뤱 `7UТLMw?%3LQ$j/ؿ\EyaRCh 0.Ė/x3:$8ގ4Q1FR]9yJ8p=CBY|^daL76*3.'@9o0\8/۔4%NYD7a!8}ʎ9™+abh!mlDސ[T5J-{DتQtW,}Th2{&;[4ijBPryDYf.W7D]yaZ 7v^Q&xPcH'Rhw*Υ&pX/mX |ҧS;;bà$I8_x *٢t -Ƽ)_o;Kx'4/RIzuoOZfI!뜶DQm[m۶m۶Ym۶m۶ͻO[ -#[ /zl' - ~@9kƔNm&cZdtpMRzƊD%{8<Y]?|PJbK߄[Nk?5Qo6@ȳK~;xm'ڑ׶31)9T@&zhǸSd WFi(LҌ’(8&1[-ux7t?!]{=L=򹣊- Ϥ -Q}U?Sy fLXޫdA,K:n&-G XNNđ͘0|FT{r׵H!c,sA/IUw׺nd[ajf wER$3p;JK~V큿| L +< Nefڢ+/s$mIݯd|5nṁ3B7In؀+9jw|.N,i D`?õD<|@q̔ӗk·뾟 >鱏S$ -![̴Hff7lEjd8eB?F#,,50p?1'-;Io'Y\0M -9NuNQar TfU)"JaОoɹk_\BAol*t1BAƂ)r$!1p=Z4,GD'Q@&Ej`Wh vp!ioxa"Ce0t>Q\ -Qe$tdSJN:0C l/=";JEfY3Vb;M&yȉ&׃v]p&'% p M8Sp21jVdh{d.]kKaoMړqAh![3f,Ή=OִPdni@Hr$|LhLhm{U3^So|! ; -j90:jWKƾ,Hd`w,p+TL;oыu23i] DwK5 wpR,bm =DE8dR Of@Y* F)s+{(V9xj|AU`dꣻī JƢiq )|+k, è Vjd[I2iWGFD{;H -^8!| Snقt_wmUEwAo1}هxw6-EsFU%멩yTߪ -[ۀhVN&WE{ .}Z:;&J Rm4vjkM 99E=ZfF~dYqoH-&J?|}61 hHxdY7nquj: W_ӖFYqqep-E:hƈU{EjfIefM)[h9 =oU iw#eS 艀Ft$ՔoS޽RL8oX\_@\ 1ۉTbr&pc<|NPn0¹3fAGQ*'cC5$ -aE^-~D(GQ|?P7zC>+? SSUJ32u8QNנq:_0J B[2ÃnP˩`aJ8{NBF ̍j6|/;g9e9$+) k1Laz總WTz?JFa"nf꜡x>ddHQC߂ުTC}h]IMΔ/n)ˁjyNE=UL\,nhi_| piMVkv~2Eog-©{c!WS8`T &ʢtCY^ޭ-y[7ÚtS8la\k;'|]&[r/* 9Ailb9g>0[Ӗ=^ڵ!_pEA4rp|IB^_wڍ"[Vwh\o36M. `_eC똭M>gL`6o}OMd0Bz3TO)o8ݬ\PJruZ6Hi+u㏮cyf;a ⌋#/.~:+oҤJ( ݎ'P`[J?f*/5dCyΚ02NC98!״t0ұ-X{x Nj`W<[(ķGĦtׂrcZ>5EMY# -k|^2>,B -{[f>SmDD:偌_ΦKd[ov"!zW*,g;PuRʂ,ȓ!Ǐ5)r&ULc`l|+'~߳H8zz]-dp >N.pŋ`Pie"INl` 7bVYlcl%gnDtRW<>GbE.H'ʦ*[9C^$ˏK?TU}GG2$Z¸>ٻ95o[=y$F -!ѱT;aN ^S"vXA Vo>+zW$w|L;&yoʎ=^8odoju}pݲk+/+3~+ F9H8;ԜaRO!Z- `h > lCݴ,ޫD<_|?%}6"H,dpB=d.>;q. L- 3Ʌ$}j?n)88;y2dojE4ˤq{ -zL1*y؛<~d*=G^͓nKVeR#4[QQsnQP En ߔ(vD*kc8ɏf#]H -(ђ dwIcbMP`#?"xG@9{4P\6,I^ka,Sm<17٥rVOl^]5ռ/-nwER=J֣9kx;*S ^YjSK{&MȐ|  8yf/|Pm,VE;! -N.uN=#dɜϤz"!Q -k ?H1U )1Z P'JpPE #"+0 -Re A}EK{6sfZZfcCB  2ahFvug.Uz_H >ھL➰piZi#L"]QE(t6ݐV)]2"9+ZսiV~.;9ՊFD+S=<5)Jy6KG7ZO>+SP]!0ŀE(ׄhd_;ʴOGǜCv]+Wk@[fCfD4" X|F]VŸꏇ^IcMB{p*I1]Rp~"37W=ҝnb=F+CD]gI偾ť'ZIݺ2?=>jDwMz18"LK:MgozBL=RB=7D`.[HRbIpj#;rjgVSRy`t .Cn ϽDI#xLWΤo}9_Q{EuۏCĢnxos 1 xrV]э~- tRMOB^f%Qaഓ;D_8+lOt_W@.uZ-& )d,Q({8㴑CV292ٮ{gBhx R[*`,I#zto,sw -`LSvyXa&KpK3 -hHH3LԢyr80SH$0'ɕuuPkZPQD2Z\ 'Nm3O]Rzv>@.Ew9GPD鏸n7* -p aVc#WV3|(<mW7@dSN7$!Re*L" -UICV&_*%T+>S< EH#l:OU?aD6ZaT>&1ard -X1-a* !AѼ"z@B@\%szvcb l%/__~L@wR3o >y.O4u!hǃ Cܩ˦\BU;n[]?E(JfՃe_fbT_}I'LT[r/#u]:;:u&?paЦ@ϒE -ܽ " k|VI=>a̼yxv crЙ9xsz;u 1_(TE8̸.`RmN)y!1`6N'n~K+H L0I.K΂+Vׄ;<%N#U8jO1Vb.8Qn4TdFeе/p4t!Xbv!Օ_PPm P{xmى8$]#p@ -ذtaKWxOo.5}k1KBsS)c4͈{Ty7o}]+I)3i)Œ+>iG-~Îz5RH"c#mj0po8(L͞.jN]KI(K؞LTWfJ  -OJ?Ml8ʌf*,NѶTH$ PtsT&A`;NkE}pu 7RÓ"TMؑk/߅]A,)]( $'DSbu2^O t%n0z13ۥ>֡5mzSFtGKul$=w?ō4.g tFY+# y@~#6Ļ!"`VB&E?ޚhSm?dq]#Bg9 N*b swmR㓃^{KsA"L]ixoچ:q֚4cmp -rRn?-߄l6a ,oeMiA@? |QRdq`HRK܎cM\yO٪%y/yw"Yjg##I8ʃua. zi*H]2<mlhjXZl1! դrx(ln[LtSʶ!z,!&A$<3qk4@j?Oлq+F !tC\:8;E+w/Řߙ?d^äȦf0&)]|Jkg9\Ǵlq:p&bOQ.mR켃&C&ˇƞi !i@ N -Ç諙f-YM6,"jG^/RdXD`eȢ%}dy1B6 ;aR=>!6(Zw-cO#pM@>̍cCHe$@r]$嗛#(-'*]?w)0l>dk 1dcm; s~8&+(Q!y܉2v8:㬶+zO'ieTdyW=qbTy[֮٠ ρ\tæ"z- +3o ~.#2~Ӆd{1/4ON(7 -<$|msi0Q䂼uqCl1.zq5Kk~~D'GCIKߎqieW |Kl|S;pxFtw:Uq MbKAЪ0gP,֛{ܪ'* Ljݑ@w-#;'i8S.ѭ{j/]̷% -ڟI LSؑP%Ѩp|w7|Z|Xfźaiۙ5-C -\ϫ{!D2zw"N7{K#3(<~:Dʡ:7"A<=eO1pCʞ+)f[ dN&xa7[#+66.Jm1?|Aۗe߬(Oyt"Uvh#pS;&EI{kw%gqUux[%.Ԇ9}Zxq`tn'26*J;[Z0^&bX#j{-QVJ `xZ$HI -$){#7߉="e^UH˿b&@3&NXʼ|{ hZCY㡧أi2fz܄v0΂"NxH8PtRݢ?Vt4q#| * Ö}ؓOh@NHcw -&/Vi1%ED>ICBvQcјK`>Yʈ_FR 28E:[~mMUTz^7W 0B<0Dw^A"C=S׫9Ƹhp;Rgčdwԇi9|`(}j1WNJpm=Q6.3iܓo@Eś9MBi)D'h sa`6᜸fEmY:駢׭DQjSh|?lQ.P$v'_8ߦ^̡\ -A?|<h0k[ofרuZk'xiJpɹsa,^ -݄4N-Sihn4Tl7;R>I&eUF2PtfzAsmLܢOY}P"sV\A +ә/–`nj;v@rkĶq')yKNOr`4l.]]}.L>ӱKfSW_&d:t7QE]JIVfQ̙F2CK!>I]7 δO'XngKnhsf٧M7\L3!c%,y_ 6)K -K{O(=NGmhe̺wcR$njHԨ ǟP`g_# :E oȍD8+9Ѹh c5IBSIE?XW{7 -:޶m(63X GA@ FљE<S0Qt{GKkM(E-Ųwmcdbk,`r"k'SW#1iMV&Y[NeD癝prkb63hjPkUm_`R4j46zTPRA[&xI +}OlX < \ha&U1 $Uj"_`K͗[ev3[yZv~)R@- -ǷkA';ڻuF|U!A>JZVg.y_%</Y(CPa$%36fX "mCSOxjrfe03 |&||+2j) )~4jujG!hq57.ŝ([W%Io1&fyW{HFNnFruZ,EgG9̫&< {EzlĞ(tϒu" q5j|ٿ U^btRZ<1$n&U;9 T2㔇ߔFL?T,@ -r"*<$+)oV*gV0zȲIcϓwh -ru-z0> 5zϼ>~ 1 -`kmu#?s% YR wø^<ÔL8ga,mLy%C[ռ^|&u u)|C$UD mY+"N fwA~Q,x*aEs o2QHs# L1( Y >d>_P!pҀ: Ȑ\GxVQ#?7Q?iɖ a/!?_q;ң KUN\^v8)e@e@4xw0Wz]KU榬D532J,(p=z9dI`Usx;#FIKqEDhǟ7E$=v[B^Jf\f$q̼X'rl#l[ɨ('U>x,ܼ&"k8nXjDw ?FfǠA#~o*m^ MdaT֐I _$=o_Z8 p01m!5)a>=P {g -7/A -F5$жWQD9H~^yY(>8@7Fm+ؕ@eC3~,%H(cAA2!457j@fj-RjQhr"ЍtpV027™.fPċ[;XL!ǤEQJrɟ3E{}^mnVxt26Q؃Y;R9LPUL-ZF-Va%e^@Xfq07@):UWA_B >3ŎaC[?x#t&{MKѺnAn-86֪x.7B(qt#>|fvѨ_惬AU6$mS!Hb1iXE酖Avu N/v4izy)ygj-#RxI3T^eo>^,{pg]ݺ4]흑zːSFh_FXf#xsww{dǚ@[aWk $oː %\OL1]j -x^pI@F|cVWJxeϲa>Q'qcKT:}!qH2 C Gw*XPx`[wo 5dgR=S$@=@83-BrPA M_ڀD9fـSFjcY$sm݀C -M} -.`x]^"#\=\(),TaY9?~څaax{#)?42úSwAY&8Wv2Mr<]ZD[iH֦w(gqy-ysL ]Z+("B"ɳ׾$7snh7RO:8%0|m6$X `KA6dSO3RM,QL!-ܾu/yz9Y&[R;zq\#ףlqp7k"OVWT_әVmN!RQ\S*{5I6$C{tеBѓ!jEh|?R@@%kل̻FY+4?fq=fjy52]XD ̸fmy>weV^ǃQi_Ez*g@uP#'܇XVzߊOm=KT'Mc3 E>w M(2>^vU񊡮ޠVY@l˲\0Z`u5*2PX:wVfi`R=񋊩Ώ_Ε "ZxSm2^pZ@''U+!rax%(kjhӱ>DA^fּ,&k0pRő5FI8A>J^r49ܓ]$V8s,Z'`tZ}?\*3nMxbelT-]it+= -vǠj,*x5Qj3N~ {.wRe{[?}HG~5r#u,,Ң ~ۀ2h|x*dѳc?<SKLٖ" >, q~$& Pf lby4$ -L`5uUsnƪ3_0(ȼBV%Ԅ1‰&Bhwv?"/##2hhK6 ߵdsacS,G;7ʊRe:PvU7{rX4P9cώcbn.CA5EL` ?! -?,T/EV=^Ƅ)U&?þF#4ܹWw2\[ʸZb$DS_&^YM_qd)wGl7d6x ;h< -XՍ m'}ȲLN-Ϧ%^[|/mzJJA–%Kɹ`src1gs1|ȵ"dz ׬'7lW!G֤ ͙ܾYc28GO[/p^V'i4"BndpZ(z4,;I5SVC9G0X((_2Y1.v3RJ&[:U53|lS\ MӀlSCl"1 v6t{e`|.C~͝U؋cPZ)W+u\V>"$(: -LL{Wְzof5wgUÚ⩾L(ۉ -^!M_CÕqNZƌNj L.Xupy`mass2=:1zkG0> ^N5M|F6^ vdczswɆԺ Yt֟[Z,-\k>-]ӅU*&'K ev MkL 1Tj:lDɨԢ^23~MB^ug.]?%w?R6>%z XC+uuee6gpm%BoswruycY" -)`l'7G;@KmUcE $Dǔ 5;W񉞪9:"n%yg-̻R]cWc ,Hh\3oO_,<6#DRD+jtu|S?|\YbxX=@5 ;ϱ4F"}&|6F+{mS7CdsLJ7QI$Mg)kn2 !F8k9-2FLaX~j'rK `Bh \,p`VL&L3E -ftZ7$սƒr"UjZx9Grxhm>w#r8X됕p{\~k|u &<[jct`?zP_%!u~FL;EuxWCӺ8;)s4|,yٮ8W*뮌jj׬n|YSH_A^8Y׏ܳ!:EDx$]O -?k4"q?2{XJ u~ΠR7Ixª`jCy>K%>e@lʏH>7mZr$36K`+A5qun2vJb_udAUF}Sh sZ _puFY4ϑ$T]U8C~%|6OҴ'k…Kc=IM$7;Q@&V""z:C&VY)y>,n {OjgRe_ !#}# {S-X@o9:yG6[D4rx|x` Ho =<2jwFIy:A<ݮxI!v/\s9#A08U<'pX3b?$Y|j8F* z2ibYX:K޺Lt_-p}=k^;ⱐkJ#/ujCTodgذ q0B<\ke|RAf+=H \u/6NUaZjaT8FYٽQ=6;K 'ՑJ;Ϡ,y#*  "qgruMh!hfcHS ZAsGcrhU?!K[Qdߍ'츰+Mtǭ&LcXHT̫il"6{)ZCtH*E}܉s{`y;bK}>uB(z`@kLI*Z4!]zߛ:]9-#WpFɄP-̑4;_?<}?#C!2 sc3F\OaB.%:G7ԥ%䳤 fo4txa'ĭ; _Nl{ 9œVG,[,8bB+@LQo$,TtXF aɘ ![mYXS݂6.eζ#-R\3ܞ%H?F66rQOBr]ZB`Gӧ{:( -yykk -|&\dž2pL/œ1Tvb쬎:QgkW}\k>ncHo~f* ]䠍љ#, 47$OQ9D xKZRCPko.FЪp`S3ꯟbxfkyNP#P`1N]'9ft=B`D9#Mq-_Uy䇓;*G1 xOپZ͹q'~STHTJk8JKdZy bwy),+9vm_R*YrHkۙؤZz,V0\̍\l}retr9:59{cfkNE5Nk@v65E K<~ j;cPub.zd$7N{ 89.€:Ucrg,cԞ'4& x\GInZex-"TMENR:iӡ 8aՃ018SAwsWp< =Nn#92 uwT^?CaՑ! vLѽa_ bßȳm|+ 'QU*9ET|b -&&rU bT "J~o8>es9w /^+< ŕ.]%'[ўWX nE`Qc\Bީ4~U]т6*GM!'PMahx`/O@XaQ;W9x*P\\" b̕{a;>/lgfL@l[ -ʪM<04LG!H@<εB!ӻ?ˠa8=*ӎ~|U/3*ʁ8=`hjϞ1}Jz0\5AUvg>O|iw]zk4__G*lPN˹c.L銥*Da8 ;dV8h8iT OjD;~m{[x6m`9*ǖf܌b  7ʿ 2yg7EY,C7ОiV>z_-ۈ`?[MŤT| - D K1P/.gn_rE D1=P HmOwL-FA_6 T@3au>@EG Cm1XרYV {|9])_Op†;1  fX -}M&Ve#j*(/zm%ΫUt v@>$pJ务q{2}\(-_|ø/^m*gQ^ G:59sl@00t'dHU^(* kYV>x:LIQ1PLfDAîU\MuGwY7E#.Ѧ[y;V| -m)[>V /rYߖ1 ­Sfo6Z͎Q=,r#O(}{@.3D,v}r7r3tٸ{ȼSm!AP6O֙g$qP.MgwJr/ 1q'Ańy"a\.'ww3&)n(ܦoȪ=".,ա#}yzOF;}Cbc~D:4_|L@@pShSuؐMRŃ/ɻqqzb$J~szy _ t e S lx;}ԗxDu}Z!al@.S*Ӷ]s^Rv2GӉ+˼Ly2tߩbꂨ)gϠXi1>MQ,TX [òT1v#tdЅ,H -?ÌN'>p~ޠrYq]5f(T6-o]2R 7.gy=p痕s0F6@<( z~Oϒ{FGInSAӟhsݢ,$JzFמQϟc.5S {uOKS>uc:D )rK;_9yhІ w1x7 -8}#B'iXFrO4|627eN;`&-d0(.YӘh^2kXf%AjƄ;}+G (Nnj2Nfo9d5is(m݌aD}bnzyDd?Ge$bu BOG#%)cןucBș_nI1aYYP+*>j@p8A5/}ƯR#bWH+:o?J]Vӓ/PaLe!n'rш"6 ^ncv'_e X e ߧ_G/մ޹e!d-K+ z%nSrZ1[-HfZgEFyJv|&jAJa=xղwTiڵЃd(->k4YJVna+ԪP$0C,։i[-8.I~`M^(f,& Knt[%qLM"h'ecJi)yp,hp}1?&T>iNWw{OUv4MbX-]RWժAVpC ]P{TZ&$Oi!M γbNRtuEאn(7d*Ro!!9>TѦ2#1C| .~ s -8i^MQǽ)J~[jH%7̤ ϒƚ; -%stJզn ->\eTdrg&^ҋӾ!]7?a!#E>j APXHIq*'{^[[T&MճNA20!^1M&%"γ*r}xW]k9QϾaދu#D7 $\ߩaΠvػ JCU8>+ #]N -wm~W j6zNvEr5RU[WUv9:o+8γ)ya佭3=gjvy:^Y ,>ͻv?H%KfLψ,g9"F?^ծ5@`QV1g炿;|b~.~*S5[OZ.CSPG. aoLA\M侸"'tĤ[<_ fea&Z-@/v` vywpyԪ.~-ҟaF~ =O߿k!@,=b4N痰̥qbrĭl)Jc/ -v6# V>ThFSjInܮ`wDx bLSyJN2PϻGLәr0yuwEΛ($vSofwGc hW“VŔg `> i>hiZK(>A0nB&HD!C]`߰(QBNy,5ܖdGR脄Yb$`GLR!+Cp2(I;a9͉R&}@ٽ}zZ;D\(u.!x}~T4E'U͕-c;IuFT۪KRrϪ{C=O9-։Uc6W۶0Ia]F*jzU|q9(|9n=}rmDRz3.(1L@KO"}'Rp,ECOd7@'V=~52(SxB0!d]D`ZjUs?"^G7ބ S` r"IJ! O),?Iw/NrmDsA>.CjIʭqnUâ^ c*> -iecF&¡+ǿZ,׎325챺=km{#.Y_\ϑ]lA/] :MP74<&P)Dʪ5a`m)v$Cc5kShf  bk/kXO_|ӵ8/fhj=L9e*rGbY+{p;vtUQJH(ᢲ0"Y/bReLK5@u0&L -0;kD_כ$`N_eЍs8c{V|_`{:ޠc1 lͽkT-[mD;zIsJ j& H؎)#.)Iك -@|K΋&-V1%_]p6f<қMV%UM1~>MGofpd3f>/$;}N]a11Cw"xYA)J饙guM ˜\>["1%{ ]5/Kv)d+hG,Z<<;AN7Ű`1yh)rfxnnbZ 2߳ 4x:gu ȭaA2](z$FjZ/c.{.n ?j^+V<| &'Uxpk<,[fWol5'mypLl*T/fĹ'OENMh{5}Km/`.\c(H%H_,r1[QuJ8Ȗ<3NcXy]EbZH2?CnRk bgT,llDfC>[qX1G~ w2T4 |gF>h]ƕQgM Cf-򇗀JI0q3i1n'Vj-{/0nkS> ~)! k95}[QÚYںړtH[ܨi]VZz -e\SE`|'<e=Aeϴ?MviRr9/$?Q{8hp`}Edh0H;5G؈xH蓙zl7 8 $]4Es5Łո،UlJ$ƋK$5ŕ@vx]HOMV鱟^qћv,\R8akt_:_(l4h"/bv ʢn$FGuYeRDD譫c4Nݠ&&.o&T׸ +t#ɍxTY$L' ( Kobu>-O4#R - -> )fuR, d5YT=¬R}w#w`o$\~ڋ-4 -)tPCw\(Z 76*(i -C7N|  yᇧ@2:;-?kibgߎ5߽Vw෡`l_B(⹠ `ff[ہ40SvGtCQvn[ -}u;KhPn{-I -3+>{;lG+Ze\\}4&5f#]5sae<S r鏆Y}6>ݦ0d_2I -F"zU&DNvD^~pRK2%OQw+kES "YI!)uCQ -y~zEo'gbK-Is6Nf4 RK,Xb{|m13Xk'<ĐŠhdgs :0 (k %XQSt**bG,z m_f*cF\^,֎1/}6occ 8hv3[s&H +fp/͸|ɏ$XJu8{u%*!Fx5ou -vrSS1#ŀj(:2bTؐ~ FՍxEgq98l@_h$. *QpXo#p4ڦP1uFW[E+ϙ%U7HbP 6^ʾ8U[ Q$ J]2ŧ]S.쪲@-]mqYmV֩_'Dd»x$C >(fxOb(s]oHt - p8H:Dzښ*J.qcec#|#DO_|fN5uqQZNp^(yPU`p9G?}1״c̿Grt3W8}1 A;M?kA1NeDmU멟-˿b{oO}fu\û8!WA4HpjsLFP-R'hfܝ1{+,g.l\;;**|sa<ij;r}vlM+X$R-D${½N\%@0d$*a=q`4t` _)|d327ͻ)z}e@ɝ8M*ceOo&”5G f{E[}6yHnqA[dnA=F@CrMuI 5Νj 㽔R䲧Eqm 9EIƎ4?*w”>GfzPʯV-~ѐ݌ԋ/=$PoyNa8"YZ'篼z%lJOElv8ҥ,].`2)i}E@fs ÜtO|D*Y }xd`*Țc-gg4H!`IgHqbn"#CǃH(C -epJُ\Uʊ7iz_CKӤVM_NUH~h9?5p(ᰎLEJ93=jrߡ=oȹOkT"8TXe /㬜 YDOcm)#(N̟Xaǖez~Y1}N>+!yUy;-_71BG%S#/(j ]9a"bw94smΛޡgJ G(I w􈹠Mi!{mk#Z8қ$,ʽ koSem,p%An˸hNEoT$Bo -0C׉>AB CA z!OVXdžD [D9Jbc5nSz1"nMF8^rfG8?0\: -r7 azkӌ̧K [Mäh I g-Ml)fA@Gnai=8a1Nlj_p]q{C-[}-s$M9s *ڪBpXJu OvF`J"wwn%:zLZcLVN`{ q{K+m`jt8pm6L2AQ#fqKRΌ\bs'j>#1KT۪M讁yp1j+|PtPx`q5j:w`2ނ9߭J[:>lߟlш [~AS#.E{zps-{k~0b߯旽X0m$c MR9%<4ӴUir&hF K;7p4QG8B͌ )̵xzY%쿎\@r<ژ5lz ٠F v*` -*(|WW -d執mžz& 0p16#Y -"L䣻uFRw"IBޗpS'xp-Ms=`rP*Z &ip)vJy]UcZ=Jr%*7W,ӑV/ c?d=ob~|SHByV8dds/=|Lwsȶr^Wj;!h6Wuwgo]YM1R46iW9 y8"5h UjVz(rCPb᎜@/p]L?iTAEh|E9 Iy0Z.0q"fIP02Fni?*` )- D= iݡnW-Wic:u^pX'5ٞ$}kA~؜8\xu泳L2ơ -]#SAB6%izYc;uz#LYI~V97ZI8<ˬ^y8V_D 6<^#!F`'4idAڽE6M P`']gsS._sfYԲZm4Yq~y;p wk0}vQm怌zC.(7mexMi+os,wLsgFYY5DMAZ,dyi{8*4ِxvز3DukOP|XG D|fD8%]^쎪PAaϤT7BKD2(\8ϲ 8IU陽byK67"{;2>بIRReɚ52 uOO iQˆX^C{*bybl\s|ߪY#[|*@j $unj`4Qh8|陳j8”5W0+_M'0\xzM4enaW,f1?Mo䯷iZFߐvR+2D:ݽ- 0M-#%&.y@y [($CC!Ož0ծ-0׾Br^Q1 sxI5,ƎohmS">;JRzI_ -tr -m(nU9u]MVh39Rj]lJA(ҙĩLx -Ao -n'Z U71Mj@8=D9w;ި~ǡ XIT4xVhA闉jqߗ:ߘLt(!vMd7biT{ >Va.t!(9+t[l3B3n8,,H'1$ލwdc=x;v܋YyS?YX;+(~7s W?'3dH(〶71G~1>)Op'jMXa^o·Nj 5F -gX~Hԁ\{,CrIꄆ:CBB!Gŋ;TR˞ÏYAlJ@^mr'ͨ{Qjow=QՉ衵- -E8Jŝft$ Y:g/տ8fi9S6ir'*FN$oc[l7LmL+-@mw uϏGY͆R#%|I8YK8 - YZcׄ9iLƭSz2WN^o{xب(R'CWb8٘~LPS0/\$@ol7+CsŃlKdE~;

Mx{^%P6GbFY:cNC h ^L,3g̮O5Gwhq &ۆt4Gnp4' \E!11vupH{6t h`/*]hf$1%YHLV`E5qg%O^6$ɘo+fr* k& {o] -E[Kʶ8@YJV]ّ ~^͵juH!ÆI~%iB @wGIBU;}*G^g"/f[6YG{MhxSIKf=k*fp\p2LrJ=0adg5zBR3dNJ- Z:SÕt6\7F,R:F ]ĂaO$DJdF}biYod #vy,V.yִ"lk(xH8YbYIblA&NT+]%K>Eu)&=4Ķ)f"}tr՚V7NV* 4?]tyzD #/621-JUpi{%2l?|ݽ[kY6¬.}T=c'#؞6v+k}Eˍr1{ҷ&ոKb~h_YDE=fuca_lSύE n &HBs*b F ٤@e%!q^oH!3bNyP[(Ŋ_XlzTUQl !|c7 bڕӅB^y~ JSD&yY&zxXyjrRގ+SA{p!R*R ̜WĬճyPM?dʯFI^o\ȾĹW\b;53X_Іs9n]FK旤_.U(ou5 66t# ǗcF"4ycBOL`Zl>H5^-|)jO?8qXTg=oqyѫ: -ϓ{nEUxXI~ު>jWL|Z`אqc}i2ladZ(l 31ӵ ,6[},J$s[!0elkIT4|6HXc$7CmLf:jZ[AƋNP{d3U%aJxɴPTVܰ X?^a)y]Kǝ4!be*Yeȸx|{ HM _LOٛ±fҀYcβ&qZ&anK}e -$r]ӻϻ6t[+u7Xh7a~ӌ8@ϑ0;Ԫ)= X)~ߞYlRNs/uxūu$"ݎ@E-I]qyUD --L돐\ND6*`1c|k<},aֲT O ObA1rWUYB#A.)3wt moA\`lpsĄ5D4'Tq!M}ߐ>8iGa\1CcKh{VF_ QO8CxN1lpoO vn06<=c)I)n݉yxAwhy@v1S("nAMͥ - pg})mrQ 6#>rl-W[ea#>-g$-+iN9R0W2lgѫ.=sr_B>$@ZkqAX5#N@dT;}~AhV02L(o[E4ވr24-Ьz96]&#=~/] khꉪ#YUlK0QEݗ:Yl^l0Nu+2;4ohr2ݣK-XlIq$%(n 8Դ+-󳞑#!yr(.,IuAxקo}0:Zצ{HEUqzK\uMD +7RwPN_4ZCi=^4$]#;ƚq>d 9QXsBgG\+ YϙsnQ׷Iعvj\c՚+ -2_!XםjwQ uz:Z{MlO7f{^s,͍ R9J=og/X L9av7=N~Z-.P+?Dk=@AMZ8[pk°凶Y|;/}r jgTWz8wi[N0ˠ"ϳ#z_Շ}k$^de /dbuhoOO#d%O[Ƃ3ށLIwS&ez*$-j$k;PWݶ[\X2dRfdh \$6 -)D :C;1L-oҐ[NW >:h q5SۺZ}DZ <]5* C=@n$Q8X_'דq6~-e@Z&zlxN\=c.4mO{(GoI:-d2)*ӈGlL՟FC*NGh!bȝ? -;d@}oDl!#abvS4i{E,<թa8`f/`}:i͒[=0AgO.8+YN>&,;Y.D֥ -fLio֏IP-6Yx&vhp3eg?NC?E׆t$d(HNpLLqy0MAfXsEM}i+xa5; -sR7c52P;O祲e;Է̀ (ɖlQI v6{'ōF`F :3WXIMQ -vG?/YA95ckpebNDɺFNxa8@s6 H9O魗X|{OhKٛ%e`pa R+СUT=P-ᅚJM]՗ R]d=y:Oa'Q*|spXפ4>\w~i'LksxP'E`4[I,n)CP[Aе3輅L@\]r8FJk8DQkV*j-dLm¿=/3.5l65symn.\ @ "bN -^ھDveË- ~%Cb%\M687jf-c,Fj"kJRqHщfC1l9C<'y7.2bUyZ漤 i`kR]fc;Mqɦ[.[^ Hm+f|n e? N#טp2s# bi ){P{u=h0#xդ3WF3ԓ6r& -ts3c{w\8VrI H#Fٗf{*<2 &Ra݇e54Bq);"]qd% -h(&#`WP~yA+ I6BUҴ]02.7QvȄI%"] @):rhAKKt~$d9E^'€}@tfp9+y Bܵ8:=ovJ\ri/8ѽYI /ǿYlnvAޅNDh/5)6ÎM X,Y䠊"KY/] 6qm"7b-ܫuPBtC=d6 -BeZUS7P5{ o 6A@>;؅Tiv4i~m:'=jGet-Ap/_[-Y7}E 3Uk.x/B;pA-6٢mv !~$^t%Isp9 Ɉk֦t?l,c%X&Oꣶ{g'|5TDxP;H/bɾ36P1&d@TxVz묳_&I0$B_ߓowB _,~eay+1M -SFww -{qMr0&.MZ -EZ>GRAk ύEVuop]ݼ1zun-R=A7ό@ȍ KtsgZQiJ#DfN~=-Z|`^dL꺿x,D彁DQe;Yg& -ǦQ-bf9UKtYЩ1j[-:҈ -hSQߒO×<(I h;M0%ƋEBzg*H٪l$j1@Xna(Ϲ -j˿{eԗS<e5Ӝ#K_5Wgˮ%BLG8Գ/fvtQe5b1oZGp0k薯S|lt˵s?'PO(lT,?1s.c^"nnc_ :vTKfa^hYJ4[M|  ?SXI >9>:jO]P&T]sbvSzYлaU.rc[kke[. zvuAVnt"oS^^VJcZj8cϱ" -?2`=%!pb?\sqA-{^ߒ6:3$1<8|Aa/ˠ[ŤxD<YiH9dTj"4,(_ [S d6>3}ARЪ%@09̚抩wlfoZ4 -ێ -; .LmɈևvÎ[<ǐ,vY|]7_ B T&nBEoBR!];"bV5Q`l&^4Iw3k|@2_]kFImtT@1&EA˅D[Kb龠| 5љ -k/?)n7Qr~5g>\յK;\v&3 ::-zY$wZD6WMUZ;MӪV^3.ҫe[mhĭW]M5 -01Ur䂁:Bi]ݿNg2y-j;şCxїq %Po/?T)6KqU7:(DqgK~tCൃ @W?PHwY.>,2ߛtSN'hH"R9e$e=HBhbzZ Ͻd&g{ x$эثԏa/n y-XX?*fltc?̿ Y^I!D,PpO܂IRDG=D 7YF"*p?)L U`gdyg.wM$ZTxEh&Ao -#v좔CM'"L4#F Q297C@.Uҁ/yz8Z=*+x2瘗vL - AD0FK8$V?Cf˦hޓMxk!%oD~l3*9-[N\\{2@Sڴv"D'f?2UUkGQȺu;hsKKՓb^w v%fkkɱ^-[x+E\DO蠼.)("|_g|<=&oL+I /9oj-Pېx>zZy@3XK9l~;_! -!cT+ԘYO4wKdQجDUؕrw, 08,cʒ;D;C\ /^gEvRP2.=OdqkMov0tsqKy/HO1,հzdYoI&mv,jAsy>˗zD=[NGL!TCi6ς:.ReI~Rߢ2mư9k\vֺǤ#;kٓ׽>ɓ%UǶ:$4sFfnٝ%X Е9=(q~ªsOe腲GYeQ`=U܄zyLԅVJňY1 CV|i$]h*'@i-QUĞ:C &ӷj$Dph/\8Ebo]4}SQz!dQ5'y\ÿ Fe+*b o8A"j@@IHqL9&VDdDƯ!G~lN0x7iv Z+^ Erkpݍ6)A+ -D#;bi1\zfB%2["Yn!!Z!T*xZ&ʝ, -&fxB)fIL}%'껳fVNyy&,b."%ŌmmeGt'GKtOۊ7O%KMQ쥔p*-5t{3T?ꠥJ\+3(>~( -Н paZӄ nj8 tfWysz5C 6%uuɦ( SuV):t(pURPcnV^Z 7QDbR|{#pkv孏,V@̐;^dž*?si8"p'> Y4)ВiCn#s3?R/ᣒ*A{AB% -Iszp!̽ԑ1e% ]7%ЉO?RY"D\V%7|rJeqv`TgKq$ۡQ=++W07eힷB6T_R_#=)#BD7h?(eaYS#=|`Ͽm&-L~ >ĒKǟ`&|P<}sMk` fcCBW̐S!!9< -7\,m:WM JN? -Moֲ}遊9̞蒜hn53}+BbH&_ѕRc?Y돚3dW+1"{beo")'3fuk -8?oןҏXN# -qa?wIt,F!\nRwؤ]I?%Su_p^$PiK(ȏy\EJ# ylWdP|)=Is _'7W0n1"*q;C"PX[Bèvjz8`u mI vhRafc˴ڛ_ -p5Eca3Ob;`[*nlQ -{/Y>HxsMo7jqq -+[|ytyR&p;~Mus'C5t2o?Ģ0d}* W4+ou/t!Gs_3`Jc-#jBTGlHz( -G&SS"@'a'H^by'7vswPאGkenjJ_ep%o<,693!>*z M1+?'z:`HUPbrX6γ66^ >kPۢ\ܟO1;g9yDXA2ԸG|3vd(h;7?nC7E(< -U7<^(lBt -iXBS s'T$]#QpvFX&e hP+;n$Z2 R!q?zoONS  .PK@5jخDר>{`0R1[Т£oZW(!6Q=YT3RFiFT9{&s>vS͚T! T*{btfa۰AOƍoAUM|? ->7 Ј\-BZEŕ0co!aLx)#JF]!|%aBvO]B;*/t$c!-^C]3IJ} #u=غ"PX1kY뚻>j>%!yҶL-(xur/Ev l]i#@%r|4/7isx:{vKJo.>'%üU ;ȦZ -=t$C&8ˠ~I0OH]xX%%J6ŽV025év!bPlIF)rj8_a ˛K/Vga)b$Hu<qv=Ɂ "BG/SfM1G- C%)Q}bQQtyG7utʍӸwxZp}.Yf/lR)kKO^#һ5`I@dx`1rיI08Q&O{$ -K:o@6ŭ@i3mXB4xڊ)}~/::|&ĖB W[<𺵛bJEb7}򟩋+gmo#Ie+ -t -k$f_ )LERU7*\i( ^VF7X2;c2ƪgv<.lPE˰YV'w.X B@ --!+| -ko m#yU#UmL -5;VԎ*Zb_J/˞nN.8Yb5ʬt4C쬕 V^g?ho6 ܦ+j_;>ʴOJ,MDRx2\DZ]WwSS\mAUjwL#l8 .stw9',6iXC{%)ǕL]йks[w/t^)Z" ၠX Q?Q6EM 1q'r>J՜S @ wHztӃywР -CJEz,Mv dCp+O4+7 T%V|mSg7»ާEfqV6^Ћ i[Ӈ~XGgWoշZj@[36vtyVbGjBBRI <x%no[RV߬Ÿcҕg'!x`{G 79m/Ƚ/XjŤDve`j{S@Hb߱ymAP7pyT a3^ެ>B*VrGY ʎ -C)C%XtcDrpV4e7+'Pΐr@($zO~g"cB-+'(!nLZ*w).ܨuͥ1d$*B9{?>&dk/ʀ >.h Ok{oVLLtör).wmdLk' c PeAqo"hPc!N'' jE7kj}py@y><ɬ+)_nC}v1ְv]<`ŗ`Gtuѭ F)a'գ˼f8Tmg0skW)^\0lz+,5)5jIw}ܷ2S,Ic9%0,&}Gds%ve1WϽԻrr4d/&'[Z{@+(F. oWj٠ϕ {(r/[Yl܎4}<bvuv?y/vD!Q]dH5t P;sJ9T'.-2^ѓc)3~I\.sk O^C*Sѩ(ts_-8g{굓R> Tu>5NP51`C7$J!8g VUl*<߾DgE !x0Lol @8 mjmj qG-:>lQmp+l< %^ء1'f0n !4e=d9lׇR?l ?A7!YT2)>{%~/䚸p:6)iQNK({37 z]iV]dҢvnW&<"" 9>O(5o+ye\8Rf,"/tS)(kDNw~m5 ɝlg#;ek?t8 \n؃;L -EDB°VD QVxی;j>W -^Xɾ/7gKhS(4<2' G@IyhӠ UmV}ZAb1^^0{e6MC1D b$]"Gwf+aYU֊p䙳:$~()! b0X 4^!BmJ$wU[*bˑT=w -ƃ,I׀Y$_(c ;$G cV{%T1öwg.qy]<0ξݦ /hsUuN_!k ;0A!kǨ~燶GK.rC+ꇌU; RPwnL॔82+2At<]d#D-R{>8rn`%fuVx #*Yȳ#}@&?I_8Ls4ڣjYG[~P: *]eo F|um/{ M"˚(lr_pgf'nsYѪΤBhQ İ]?l'@.{ b)2?PnjM.eWQq]gXu`2/o=ͱ2HhJ &M{6)Мx_f&|U[X7WC%k| -.FlS{vq*S+%M3֖SӼ_!)9$ 1c-`n] fCGD_0Jc!ۏCӐ+-|,LV`j$iTDD^n=Q'+e˥͊'tu -̾nhd{/t-GEEo6F%V}Iz% 4n)\6UkRI -Hkݔ:ֳ`d A](NtY-q` M}N;4mY ,i˘YY%?x$\I!/3_WǏҤ1!cCC*e?kz{Xę1MeC|X@f ~λ -u}/M-2GӁ p7iV7n}n2:3裭޽.qܽ#L'(s2nNe۶W @3ǎy1ʛR/bYP^jHQ -Ӕ}8oN' -Oj4#!mxx{WEE]dw7xH]@ îZKuTB]:PT%eHywEC=Imav8+kwE8D-;xF'3bRi&2ɨ.SHʿ<<ܩ}";mQyC2}9Rk!RwoCnw0:h0'k,v%m|Z:h<Պd=6 O-{S1<}Fn7wmZ7"DcFd3kDjPd9OxAG~^Zn _wv=$q,$$ -[rj>hE S+U݌< -t'dpCϤƣksa -tW Rd .ʽ.r_QE'G^>v2 4$2^ ]D>X%2^?3Ź>Xy!WϨ schG E4yB͑-ErIF{\ܲ]ʧ{5\VA -.4;*?YjY:ʅ`tݯ i`Kt)]'-B'Ӆj 3l~濸{CSwI% 4dCaC?%{%TCe˪F5ى Ɖ9L<>R#t,t\?-4YAE(sa\ש[ -^,HK)<̐ʪC=$X *ki}cn aV>E,3-spCXe~*1hGcuIrd5!t&>VIĬ=%jdWk'}PmS{M40 hD|<0lwaE<(fp5qPwz (p0\7fٰB7nox$;J.m, 6.}]^963}m+X]ΐ'xF-&~>3WLa}Mēg\7j~Ee* l'|t LYona;޷EFXrB{xSk}69#,D,).NSko\\ebs$2ޓUk"|6[ȍ03nG]vΫ 7.!~W΂m>f_x3[t ~}&eb(j,ɐYF1Mȸ+xL늞˂86ۤ-kr+{ H^e.A6߉[X~ftCdy/jw -F]@+InisD@PU:!Z~q\J|\ͲX<aY{&GqSru.*'n'{DЬ t!tXWTHSͼD@&z˄Ϩ&y-KM6;IP{{ ,oT(ۛ#<_ߵ4L#7Z]ލ_"kswPIW1ܹf~n2!]} f+0hj};&^*+|De\Α !b G쮋8Ӯe>G|XWk(70er8+3\SD>j|Ѣ e; p4 AHCri!v)]WA8dTTaAfȃ@:Pl]VG VKBa8aSWsbE^O/|`zS`S79vb}XYvsN30@Q72L`z2Qsjx+}&6In6R (K'5Qp@-бxkfb>9N"iQMꜜWj pĬؤY3k潵YKcJqMqp,fviFuL5@M,5}MAtŎ86N Jn< -pnߎŬMϳh(i2 R^(َ q'7:i6>BҔsS<}zjƜeֈk` -:7 xVu4BY5qA #Vb2_j_٪2>GDť)OSupO< @in/kaz% fk0I/jCm͐ u*JWr0c  @r{.=d⑄1|D&6ǂJgWZV~F^'~W0?UE'@zl{ջEUg嘬h -pSa[&θ@ 7})sTQˀ+4oC uCzgJd}` YB΢qqRq5,䊯fi?QM{Y:ͪtaF|~nCPna8U`}m,!K$"WfomMqAGYCI#VZrLH6.֗"$]N$ȘЂ V'pueV>>A5rWV~7wT*uEۛu=U1M@IF 5=)[BX@,g*v4tC5{9WH~bt;306Wƕ]ǷKI2>z)ȳ ߾vbI!l`#f]dNǥn(C Z՞Fuo5Ǩ4137UaV`A,ǝ 1={F:"DtOSܖ00ivTNj'bLU`No؏ф_WjxKƸ$'%Q&Ao -endstream -endobj -598 0 obj -<< /Filter /FlateDecode /Length1 1748 /Length2 102745 /Length3 0 /Length 102950 >> -stream -xڤPݶ5KpظXpw !;ԹnݿjVZcs̮nJRuFQHޕ`m`mrvi8ؙX()5]mAeR b`/3ϊ=@`cccesO3@ ٻ"P;8z9[[Zd3/#@ `kxeG=S ?1\?Pk{K3Pwp0u mwGi4lj Pq36'aj'@ ǿ -0#Ϳ/>=-A+WWG>fRXbdrg?rm[-_?>qԿjC+ ߖ&JI{ݟֹ 3=_4AVdgESWgkO>  +_w:zdj0KȨ)*s|adea0qrXYlbjVowY{ ? -9x@iIOS4!/̿ң '$oCy1_NMr0J?_3ߑGn!=Q)S;k[!X{@#ɺaJ_c"e X!uͿb'2- +k ?%RO LZkg ?@ sEs`ZQƃ â``NS[M#D]LgU18|`d_GtWDz -XxA-(uÜMZP^CAΦL:ls#sqX- ߼R[lF6_O;j[%;T3L<f2uOz'Q#y[dI2Jzp쁪YYvKL^Hm:%cX(T'KLCAެ@ʽ +5>a3㹥tQ^阋@ܤk?&*4~Ҧ>Im='FAre7IxY,fAo̱dX7O쿛Y{m% -]9!*[0!쨉dU(zgg - -,]⌖Եd>PːǗZ*//#_-X6/E1'ߋ6Q\6Ç RFh!I7.ZYBmτе̇ Ծ*k?Vd` $roeN9B6;5B*An條Vv.!Tf0Bͧ1Rpy/By7xt!3Σ$bDJzJ{<*nGe%a"pJ=`4`:Nv7VYQ,}$pXqm3eWaBwp%7z9/I -~o❆qxg_u">6NK˿P+3īܹ̋$P? O~{V\t"7tZJcfŒDړǝ$8RZF6 =&Ud $j\v*4mHY5aX pc&N^|.:߶(ْy9&g$U2yV)u*~* bqmdQjv0z.\-m1X)O;*C!"F?k-ahxĐkBQ>?%ɍkOP<7E-R -֞>wtəla$[>G0 > [vp>P/R0edb9JaYͪ9WՅ0x2Σ6B_֊[$2r7ӑ\?n%TwdX~UhYw%4EPc e[L@ ^w#)HglYr;>DtΓp&rs\N}U\QOA9R}@Q9!SKWAT5%_ieR/oaB3a04" `[M^ğ;CKkWyPcyzlq[{{=ķ7l9W]Ap RflvBIœlСϏ.y1o\ψ! ^OcĿs k -& KywYjjN-xCl[v_\BtW@(oŜ|(|Əmg T|Ӑ6^ 6P6H!_1 -%Ri+tj('ѷЁA_f"!_aʲhNs,3cMH =p6fvAhf9Sh_//9T1*r 40Հ^Q= zl}Xum%#Ӄ Tjw;͕Ԋ$dTQS3ɵ321 ջ s&'#2u^]&ZX?Aȴjԁ=0xUG;u -̫yؓƘ<;>Q-y?H]Xo&4⸾aOȫ@8VC6b Ya+oP(ތ]O#0˛lH;áJ%!Q4lٿ>OBEKV+7*5ftij{iC96Rd!nWJك"T\B_9:UpM!Y09c]S^iH(+e1uLS>}/qy[rY|Ə~b}moϰ6E#~#%!qަx"B}% dw^ BW)h$ql.;qx_^z@2~u/7jK}|hyfWezH'4l~A;S /x#vE^ui`b 4|׷ڣتia$8.Vع;;s|UJB[þT YCr (ަ0V}7ۡºZ3[ -_0vy k7G&L~ktm쨺B1Zۮ}nFlj΁X4 yZ1hHݼތj<|w$LG d -f|J6@׉4Rշ8d؊( {Ca=yOȔbUE) -J}dTv2)q@^\=Y". !.mZ7 %Ӣ#o _0$n`rZi-AW̜N"9n/g51J[Q ӎ&>%*U7gҝS= SxǴ^IۼۧA/6($5lx2,(mZg#ڱ+ \ N)UE-%np"lHUzV͓|8 -2ė7i-bBUՅn(2OPs!p|FueC 3xvsb[*_\'ł3)7qwI8cK7%AWȅA<^0"K4eD E!/fȏ4V;Y} !q)hքƽ"C['N_Exԧ24#dG\N7n>T -NG)Ei mc)/~'צ\Y.)ms|l,/?BI賱pte钙mL⽍"]& -~,RO'7Dn5ٸ5r;E{ք%A3ʘl򈟻34̚C~}q+1ɱJ< Z&\"de\vt (d.ioz9>4ۺ$UWZ#0e8 dc:\}O@́?p-[D;-zh@9ܾpE1a`es3Jc#ı~CItTĉaDK_¶1EQxa t#q/{>m[ k#Ӓ8$ƻ <*Ҿ;{ -y5M5}72~P"vEyp]6~M6CQUSݒҐXwx5N)22W#nwd1\ؑN2 D &`pnTfz>\>V'N r=7%v,k R5q.I'3jHהJOL_ͻi 4ν-c|Z36XG]P#f| (acc⪌* -V?c Dks 3c]_,8#KT97eRkkm4ŽO-ҕ}W~]"FL+^&]|_:ɝQ\sST!Rǿ^Œr;9{a x{wh5: V>q[otC^ccf(* Tq(D裢5á1gIgTEGf|5$r۷x+0827XcZ5FnY:W -Y( -X;75wM$!hτ#qM"T}_ɛ5߭Ҟ4vV^|?8)Oy-[J_Z\ ;ZV ex |ٜ ߓ&kҖ(J_Uc[}[6_ۋ^0s%Aޣ~Yْ4}E6$ 2*fGıKa}5 5qhG16)ܛԛv]q50CġIzcÓNZ~zp{N? zIVu|ٶ| E>(W^'ug{ -]*c u$B_8ށIEwzx?@lkB2]eBjӤ_oCaͿ^`WA_-$^{"y{\zDn8y8E*_pV/A AK=@:"\ЏI*|utH!Fqc 5β 'XKǖ} 1/`Dl b_V0#4*rzתލ3k6FBHS]y@}1aɓ㗍B@1Oҡ!Bqzm?ҫ7c0\*CTF`V}_#Ľ -&[B-c"kQ=W@$|G.>*d)nubO]snl28$uV3[&t>FG8o -9-ѼK16cv8l,o܈D> 7@[#,*b&ue"i'I)7̵{ɐ7i_KfN -OǿOv6~ -P@u&y --[dx/(u~'VC)v:s{Zczw1>yA1$з;vqs8kDU7bP_URw#%{(^Ŏķ!*v3CfRueOnTOى(o(;6ȸ \ -?-L -Ъj[ #03/-+>"Lw5gs+Qۇx-2 `:m-Hw+K:⢓`>Gj!O u;/ӐmCFREkyqU :hK'8+Gr+w^VW>Sۉ$lԔŕ6QIhiErGߓ't1^Sh"ՒӶ*~egIYD4}!ƒڹN%ڃpl]T(oCupƊr63ư!8U*vhs/v[B֓C1A3#jRৌ1Ac sΞ2>-v6ن "2iYO%Ԏl"[XV ,ҋˤa{\FcQ N/"=|B<;H,!π օ:sxɨo/8S+0" A3,ʨet*HӦ$R]|pQߔc 5NZil:5,ijPm>͊UJHuZ"L]z'5D3HbaeTp k^mbA4QV>ڬR$f*夒2Ss T+~SWV *᳦K'_& _HK̆[5Ѝt=}Q3ףvDqp0)OxMD:p3a4Yˠ*ZTN݌JqpH -ެa8Y35KsʖxgPL<=N,A&=e#J@`ΙH?g{COXjx3r~eɞa71uMA{Ik\ oy?*eqLEU?D oc/}r]X lJ_K*C$}눼Vq3nX4}Jv옪D5mG6*kM's!Dm/ tz -h/ҪMuW""uQ& \WBcZ^- BJS& `5z$ɩN4 }ϑ03,xFA}G7CQVEaUa|r_z(ga]9|\o_2f3'S VIZ@J7Bor3K.*pD~[-g#ޡ8|ͣ鸚h 7jk5]!00`tU=ND;ep@zWSgSB8XQNJ0Q0:(\#jK #Yqos(ݵ汲G0 ۬y.D4RL/BhSi{<3bDbYO(Pgڙzic.U0Z;\KG,~l~x1EˋoyVˬNjtHwq4,tTTE C9Br ?&[ Uy"uK"M~?}+r - nQ\."> -›ܻ eeۗ4 p1$HOY:H=Z&,Q.AS6C  V\xFgu( m=Xaߴ -u+%_H7 -cGWMN=LϚ)}sφF-,"ׅˆ?u>J0Zl7^FzG5>s9?VQup8|X:!0O哻 -74X0Vn::۱5kn\)"D3]N9x>Q~@&p|=,APF]FuMKrmˌ׈,}Cǃbt٫[H7K @!h - MxEDm=SJO~k̚'"׹m]RmrQ2Y$+9yr5'g;Lz}i;^`TaX'4.f}މzV{UXP`[F?vZ[ { -w:RʟifN m萆8JY!e}'E(!X-WRQRk.(BhA+@˥5 U&FcHskA ^Q@ޛgU˳'#LA{c _5*v/ʁX]K5:ڒ?Q s@ll 'gW(Z[dm=5OģkUMI64w]E:b %bUh]3!;i$NU5^ԄGhao_H`s,S[ =D0rVnj|CB-ߦ=5 -G5'V"m]ѭ*!PC+C+ I5hy_c&Sz52OiRW{I bq+6eB'.T{]Qc⊗TF>c뤯^wvD?ϡZl-W VCCw>{n=P+]8rRw'Ep[*å Γ7o{D/80J8Ð'/Ul_mz3.qb>oJh*t)*1[h{_[n 6"+6ՙܒ*j_-l- Eg=)GVG/t%ХBʓ4'bYt2=7>^غ&bj1]4>G!ĥWhk[!7m,ݣr<(q7$z7̀wOYk#Q7=Z `2VŰ13 QoR}L;Ɨ#ԟs"k4 0wΩz] SxY?w g dRۖ@·_yw -^x"sL5ZV|;/[>\m^<8,+bQsY -جXexa %G?TYθLǺb:I.Z%ww>ׂ]]bHo%o.!GV(TC|~<]Scہvh4m16%UXrg}\+-Ȓh$~M-RweZ"~J4[Ѝ\Ɓ%ŃwAfSa'8i\Y?_35]GktGT=d*1&lѻ1Uճ`,Р.yMOzZFFy>5LƳqߓ:f'ҬQMdww ˶97m3(SfJ 2 -P'zM'k;WQr*?nG#orj"3Frzb%7Ly,eQ/`ͮ/a-|Y0,en:XfZ]YhO^%Ծ;W؉rVh=ӕUYΒ\QqIvͬAfl 2$9hF}8:"XE"|~ E;IΦ5ש~tgd]|ØëeoK[ɚPY:a8Kؓ2=bd*̓]%T#U)e<2,pM:6 -NW9͉nrZ -xB^ IrcmBEo6WҮpbЂ%m$n m& `gQ2&էSP˧͸AN9Z|:c@ydEZT,$Cmt a&gY'Ǜ{}..o2 $Ƿ5Ci1q-Ȟ#ِ;q4aL\S# ōF^V*2I苳BU<qH5r]ù>y̘hd$VycȀr&67< D}tLV9;ȑo$t.^Ӷ5RTB[܆_z/sW%kבdQKaT\w]=;yHPYկY"_ƅG2_z;-=|*/q?~ 3AD z-<5k 򰾡[I  -̪Q~USe#DRz~<dJ_5ϭNzƓ#jsYrw)=$;m'VUB8tFuz<کbĶA}TWwFe5onoX|Ay/c.5g>ċ^e:gX-rM't_8M'F^d4!Mjk轎k3ln5z6.T/k_wG4֖vE+qqVL#EWfQ@對COߡ^~iش*ҬB S0@yϛ֩i}k!@Ӳ]{! m7*j&XKlU&C&w+r HSh@d5xf -5P7ܶج'uu-ů.T!X޾B]SNQx}ؗx,0LE@&~oV2Z):vnM8lFiui* |.SM*۪k DXJh !t{B )糋I هZ4Dn3@ty5ƅ{[@ySlQ :kD-nQ=#P,>yb߭Hl.YLWg;b0xyydRږ݌C2 -=/:\cO*Ȳtڍ)/'%vx#9Ck /ԕb1z5t_@x+2/2)rl6ӵ %9Nl Wh <2a|]={2xgQ;;)neKP f ;KŦ @WBl 6DnxvWwo7)uNΉEe}eM? NLB>%3x؇B?gxvvs#C 2hy}ɣY&?b݉-Ƴ4s/[D\oܒ"xTT!Zx*&ZJFc9vnLwyBߘ]aH*C4\s#=L{ twJTzE#pry`Me_ - Zء}c4,m5U}wv]W.&/LiA~5uz E0,N$s:iv"~[ɈD0oyrzY{N`ouJU4-8pO |v7$0Tߟ8=Vg-(|ھc>a$W7qi0@. xȐFRj=Q6b0a3{BaH6fxĐɢ"A1S߲2iAPK?Ӻ컻EDDZr4k4ʑJipQ` V3]Dc%xuq[rha"'p -%Aq^vx8QkAI`PD-q,4V,p.~*#F$`}MR l??[yt=cBaaE|!Ph+@'3G+>`Υ%cb^vmws])-?۠q98jm$>{Gۣ5p,%:Y?9zg^/J0> NԀPְ/KpXKǗJ;dD4}8_Gd<V *D'Zɲ0YLS"Io"x7bdf -o`zbWW/AAɪ/m8dk &e1,FRKF\!|M+(iEX0be2RA,VbD+J9y4buX=UEԵS_RhZYNb8,ծފӆ(wDnol ="VM/IJ%2:+b<73DRt1 j) #A=({uu@)ĦgN'}GDWA[E$FaKe, ]_CAU<;X7+jh$z![2"O{ly=o -w_YKw1j(]6TqqZ6Xry>"i7HsxAJ,'Qrq]3KXffK7R_7ßhAsnXq͏.ps(2e'b@w] } -,t_: :͇P -[܏=Ϲĥ&, sxՎڿ6#YH8 {MV `1>lMoKƿXmDб -ECV]VQ* #߁z>і tCQ^ZxU-jwOMhf5{ M+`\jl +cpM -aǜhQ):e;ꎅz ~%XH V6!ɱugWXfD8Qمs'T ll;3;A@hyRp#8*EZo<̯G\N|4ghޭZOK!h2Rz[E:KqU0w6y_MGye@̕j ;:ߐ %d5@E CΚC - uy4+E%m~ԥ]D4[X&%>‰eX[o0Δe!/G׵@` 1C֒vY1=uc>fh5 g黍tNFijp:ǷY]i>|C]+{_j  T -i\=)A -lFx{7V%]hݨ~k}EI]ʷ\^` 8rI_@;R$FgO1nz ?(B9 Ƒ)T7oө>RA 7\Y!f?pMc2?sK}}^.$3 -q>#pg{UZ"HY_UwEs&i/,/+5wVK|[؉`֙JQ *鮛Nr9%86$ÞǗo0<{i~)l؆|.5e6ɹOiK4&iPNxA-tx -e=FO'fn>f" N =\Gw鲭y|m|ԛ8h#]͒@?~fk%(ykHԹޚtLbYĸc3K% }Xݮ.NִV05\ O>|9h<7ARijUgh(羨s\ KRƓ5BRּWu]Y>19D3:AaMj -!$H=Bv35"PX]G (FB}UP}=F1!=4T^h|º,h3z&ֿ4 3eDx~{L#ӵȲ=xo184y$Y^pHcl8lI_NPU]f"C3P74 pqF5yR_Vrœ^0t#ƾխxyU`ͨ+ RpiYGe?W̯ -az*1/d - Ļ[YWz E~O[5S.HH56bQɊ6NK c[%. : K@2(2YپlgTș6/kS#"$5`HjXiay<;@Ed& <8]nDΏGh{Ys+{))[Ty7l{~<Cx!buK 4{h4ЖCkoyEUw[}/d^9#.rHz˱LjxncM38v$s>?9*I?saC/k?P&+ ,_Ij߽ua\?)EѼͤ;Oʏ'I]s6iouInunh0Uj@)[nEZ<#{Qy'F_KZI2tw> 6e&sqܡ&ĬXFL &aɱ*|T6ݪ٬4Sx T%̺9w ٤zCz .2E^ɸ s|4'tF}WGIH`BC7hWJ.Nk-ʄ#.s6zvN/WbDZ5:0T6)A:h4#D+ۥBVk#$K -4K~KSk>ѕA26l. JEa7*rAk< ->\a/5x_#f$`M _!a1\Ik:_R916!ű-'+6Q^ܘX=<&)#Tz 5?jSM~#ݻL z~ R9 @{& -NJBc~/5g:2R|-{ gmBfVT+b$eyQOxx0,'WNMFtN*%)JptK` (e„Մ)?:۽PRvmeI0Yp!fͳQIO{[,?|=! vPE.Ԣ&@8Kks j\AU"PU`z&o -aZ7z[JXCZ4np36?\j]IBdqH5c1”I*yE4߳ER\V*wrgzQqV( c8s{pVXɿ|DaʐLp%;دؿh/%% 3g11;FT/^OOb)['Gyd3+@P:]cFG5@#*~l(7Vu]¸iZE9ksb# Z>Fb^nK83%ǿ3`-~ĆX/d+#ZZZACrWdC2 O]"R$d04[  }h]_7 J^_(qL;4TY=LuF Ҏ\TOk.Avq$r-ke6$J [V(2QqՀʴg%ZZ>j$SK]%p9YJ&Si VNCP%G6CBv0,y#q;jnD"y3@tPixfLG#]ƒ ![+FJ ^(TXܨs6uUg6eǻZ]H`L-&8{|H=^`@vf(dh7Ѧ4,GJ ˿`8W['O.՚1ᝪY7f0KG-RPNSjb tA9 خ žoD)U^]OhC؊۫Dq-!##2Zp^aޑXd2>n`]9 <]4*m>n-?{P<4H36#Ϡ~XU -AHWmyQ1H:8 ^΢ -? ]DŽ E |EDe:+~(GkCPhlUCTuLEo$G<k;/?g~:؛"|L]AsCRf VF麰EvzljF3(9W'p*}5^g` x/cѳΟOZ;kSJC?H h=q+OD`$d> ;!qs ר n$oriþ'enn\Vc&;Cv)&+nY& L%@ltXxfh,n%++8kTr*=EN '5*U CXk2>OH{֠UFo'" -c+'Ujw:0S/k3,J/0QMx?A0r!q92.&bJG'I̷, -e&<¹7Ŧmq!Vwp'>r<咝iԱsM _f[]"*iz98e -i<==>cBj>BLхG9vFe`͟(vK}qIQCChY>i8>d4I$ȅSNϩܵOɸ/ ^҈@I+%H .ܠ1QV0f"EǼoqܭ]N(MfxyJ|[7{Ù?q I 菸4 FJ/GU~9բKsؐxIxYw (%zŽa@Msisd]DtDTCK9&`$rh3jvK?k .'T^n_7#WљB?dmMྐྵ`}.sB8u_˪Veėq]by]@J߇2_{78zo+]%8Ӂ;cL}!u!3m(o'DB :A&kVF-!m͒8otY+xQL>`V^hWw͇}3 ٮ#gAf/IB%gG{Xۊ2՗jt'}1@$)^%̿ =x]E3`@x9c# %W9(7Pu%4v7kg8C_Z5] -\A8 kss]csWo2yJK.wfjo<{T~ߔG޽ȯmnzǖH*FsIe9y2J5bǯAz:ABGhm!.#P&b#Ry,bGM[,|#;Hw;:THKJ[ȶ7c-_ -_D!U.g!Es66pZ"dYw|n8+;[\f -5"Ժl AyÍ'S -ſ*wEfhu>$U;qMtT`F&=L2IzD(+0j~ S#k@ v%c$[Mkޭ69|$t{]vSfti[tB%h[K@Í?Z4""#.ku.OqWڍ ZJ1 <ȵIIc9m{)qy5&N\P7p^t(A^9N75W1%߮oIWېݭ,(%QS43B[Lx.t|{ຊ/"l -P+00p'Z.`/BC1y񍍁vRc&AHr@*!>ޘ`nVn'AYRZ|oiMB$̦ )/Zi]zXb 4!;bRr~?RR 嵻̳kh7z7 M vP] R7- zaigy}GZ}=%iāSaN( )BDq{!S* -h Ĝ{:oj>)6ڱ,?M^Tm:X;-z[Sh6n%J F'hZH6]:n )f t!R"/f41 -Lj~%!k^ -/y'n0NoV&qQ的p*h#01AA` m@0m;'-O+y697 -xE(jw -މ.|2B& U8_geqq"}GJcܧhJFž+߆3O>GΚf;|)=S8e"rhs[l*%*C.Є {ZTu^u{6, -ĭ:'l@pry=D2kvվTy f.dvu8Ulgb>ΐô8xf!!+'U2XF;Wǔ\_J\$8:w=EYuo4cgCX<2&{7>L%1iә3D3s=yqI.Q-t|c#|]%j`0ۆA <Řd& ;Sv\ǜ_Ռ{w뫰`su j1 8UidBmxqNZhbD^<\g*g?V,dES1^ q5 zFC)09[SrJ)ZR\*#k hP6=8Ta9t'@?IV[2ܫrkAV>(CPB{D&<fjGH%P)y l$Kp$}بjAi`w|NSݭ&UgeT?B^䊟K}M Cao -yNFt)eV(6`)эHp0Uɨ8DW8NRSPFLt@--7XĤafa7Ja]J~C ;԰3BhsD~k; &$CY.F0հgh -/+/Dj:oH\֖5xp1Q]b` nPc6PPD>MM8`Yafvb ԎOMOX¾ CUڵud샏%sRg܋fS~te~=#`[k ְ%Ps -,6ɝ/"qR{8.kJ񏴛Jԯm1=u9 >,}a,M'1b;o A<:.`ˋ_7"ƹ &k -<]^42:`$1}0/[´u<&Vdo|f)هpʣ/2a~y>,XI'@MilS5G! VGT~I@=Q<=Q4*/}'Qd'-XCPVrm >rL]l߉*i}EcZ&`˃#޴.I/<䪢mj8G-=+OE -vAd]g2\E@?hVw^Bm4PϱYS "cVy9DaK|)^^\ >/iّZ<&s$[A|QCBȚ1N%ké=w΄X h8)$T՚~ Nx"8>% EV'ڂ1\镭 ᤊ0 pnĕZ2:lp] r4qyh -OX9al"4p?+bIP;mTtSbن)}_| xiof@QXV16y.4cg0BIXɈ5K *D}}M?zyqkFWRLsDQ_\R[\®T56N'KOퟡItƾu-㝸)^'mdbM>>If P3N9jk -JrfruY%:mU/w8Q8\?JfyKG f 2->ȒUN:(w5ѡQB15xq]Qpڰ6?FZz0\ڼAlo$Y~~顽z -J.ބoЉ3z?F;2r;ƙG<3I}R  - -0Ym !y.MF4 v03 yJSGM3X6CᤆFGUvJX(߂ ;_ʽpY.#믍$S32_~􋒑>Bu;[ç*Ν3PQU~rb dNa.}ْD=a5F"(HcpxnDh돚̙e6԰JBuf w($Cpt:KcSTA6=9@E"t[dvˋrA[] ϽQ˨6gIG$r{?ĵ2ș4( h C-SEPmMpdO,dc.}F+dC5H݂XLY^_k$f@?+\G^M9(x;,|acB V[3cVr9>mf۱z;jFǶI -iJϨy»FY',?fq*7,z/1d"(ahg{ldi=; Q-y((usGbuk鳒 khh+-Oe~[mŊ:P -16 -C[HW_& ҼBKd?zzOWƐ͓0DžX> ?D|Х=f"-?WmgMA$;LC)%_ͼ`CH -TɀBuߩ euQ6c+9Yu,L'($7(q O=<Y)3h1m_}Y0UFt򴃃ai,Nqx^$k8r?G}MU"z2J, y)9_p%7~a&"zA˥~eb(O@?~Y^ܫYmܧYpbN2()Yz -vL)&/hEGRDȲ\<l} eZ!bIy\:@ =K{W 9phFk=? VU[}aRpoȴ{kճP접(-y38K_5Xލ(uQ :5A%m\6jGGԵާL?J{fE25j16ݞ[f济WWld+*0ab" mqE/(+qƅ4-@ۣLieDo֧y&`81̒Y kO"/tWp MՕCM6*W7*ɴ^Z'}Pbb0r9h5 ߺ{ Z&& ;eM&dHd+6EB2MP{-2* 9ԒORxuYK@"~ԩ#JY-cIHo8{v"J^[n95BKJ[ץ=дmRgSuIԩ>#7†sJTF5.Ď9kMFajI3[6 \ũS?yy?Zw4l'!}RL9CKƏx"x tڟGpHj)0L/Bæ%) 2~`2xDt2RM^T!mƗ^TPa:-K$ƕȄile+ LPv0{L%wͷU>(s渫i -0b-ZA#E}NM<Ȫܒc=7E uN"%Ϗ'پwTMc|.݊cY%v, }mmg͟Nݑh_'HlX p:?"L!^eiGylČ+*NF/Q^H"PEU!֊JFdB2v/jIYj-lnʕ Ǹn0""mS{ -n}!joD,8'x& n-v5nL?-ބ5sJт~3Y?Hs򡬘's:A{9(th1`rJIJ;tBnZF4U3Ea}ǽe`ĐGO5j<$6 -q'T)9OahKKcһpL({SGpm'_}!XVikX Y60-VԼs˳5wG|Fk'<+n&GR}3 Cm%aJkPinzgwv~XS0'YVZCW|y4IʺN) wOfC_xYT;ܧq^x|>7Sb+E:a29h߽nė&reڰ|^?9>wKUy?BEL%*\z*ML+ghrkx:UQacsGTir_qXlJ1u?/3t`v LkcfzT>p^onFXMųdΓ CuA0u U-J <,2q1DY9"jA>,=cH0;у%3Nξ 8ew;ߵ+D,La@$ Sp4Cs#;d,#?dٕ0~BM>ryh3 Y$)_#|tYQ7'VW iN#%iɰ|#UP=LYl +[QA!2XɇA>0VƁ`4 ^ i? -νnaw b4P l@CՁuν P^˳.GZ?*X(N{;%9 9\+-{m&p93=;וtz!AG<_,Dڝ&WïMN4R/bDՆbl(/]52oÎz|Έd#d%0~(n,t\LԞ֙oxKl7$`hܲcMT;w@zFUQ^B:-Q ˦m۶m۶m۶̛m۶mիDWחF G|`x_0Pŭ0Q+?x(C -vTv~%@,9/\`^VÎ\ұ)igLQy/}>}mdwt" 5!8M=4t蓢%KUQ]x b : -lBr:81g+U2OxqgmTcFwl )sHW[`hi'AF,Ax?to4 -=4oiJF';`,?\jn۫bO9s'"eA?mkL4ejm?tPnV˩u\b_ֈ9'"Y|3yΝT#sB*0NFPfN3tfI=10M }3XQAz -mq 6NF -"ARGdVlwUqW.Ekmc`F!@1R -Cƒoo.5\G6ZѸZtU7\}m4;Cz>e{CwWuNp/tggbSWh)ҫ&›Lze 1$eҔIՀ3@]@9p? GJZbY$OxeQl 0Gwﰜ3O=)Rd) -x 9%b'+hpHo,TRoq}y.ɸnKc3ч "V01ASJ\ -"jڋ/=p2d|7HY[OK{kw,Q~ؕecĝ*؁ε X+XWʿ_hrE6^R{–):ࡪO;Gg1q;fК^Cu$}m`~Ofx-1ދt zG;,w8J>ج+Ffց'ܤ4eȚxu~ -1vr ;EQѵNKv)dw3hɁn{ᱸĢ{ 8b_CMc˱_pLډ.?ss|H'Ʊ̟(JO_(7lNG WࣜO~!1sFϭ?m˝ t3[ynǠg/`ԞqoXkd.4"F-֔#N҉ +=J%5hK $y bZ9cY˲R!EkۑSf:*>i9B$̆ ZTm/Nu+B6:"k T,:Q9Yw+Glq_>O9u%e腲YQ`ݕ$״ڸ"7!R_K'y -sok2&Q=;.Ρ`.E/&f<[xcI0ڬ"308zm9gY;?ZcUq2<.#,-Sʏ긪K-L.ĘG RʹUB^`4<)Gn{j:V0ڎņ@PKe\\cOZh&K[EGCVb 0y&GjbmCvvjBaINAU,Ur$1dQ]qor@Bs,ړX2;zz1DCqoPN¼E9[!Lm0g1\,=S`W}#:hXxU꽤KȂ4 -Y:1, ZO='*93FjkDÁsndD?t3fX,ؒ8'mM#cw vh ?U.(/s-vV16^ОG64'?ܫk`rfc$i'apD @C\^hp~?&R-C S@k-*y6"%9 gV/{ఄ-z zȋ\9t#4bS(v$jdM,Mf76R;*z)]w+^$t.LDTZ6;ď ^T<~#ڰUF҂AA _A#9fc;%@QvB'%ҥ %wP4&-\qDf Z-Al~P.D ;7/I@j jz< *~=VɈ~w~rg쿚>:YhhA0V:?9Bm<s@ jCn6dj79 hgnq#F#%+!$ذ4bWw/_d+#FIսKG1RrPJP ,Y`gKO [^v$uEd\\Dd'/7ڣ#HS3j=$vw -,mx6!]ޭ\=+^mmХ`PY欀IqKG?'մSm \iB"1НSr"D*uLsg;C&zh0f ]Kgqjkq䑆2(}=M'2nz(biQ3Zo85'N2$^Rss<5F?BяCZp _"9_*?[M.aƊVh1<ţQ(YYGYtѐB$f>T@k8+vpÚlGQ99奆Wڱ" aOۿaUeot)JHy:HP`W2]1\B)Wj@R^cZzD7&R)W wBnh,v/8f=r#&hر]#.kA8jt&_d5DTy!dg 6c -_sD|]e֜NrK!3c3Να0_*@.H",a=.r;u}4tд[Cx -m!6= -5 xrm\#:LW|]]5me묃5J:DPamo[Ἱ |Ss ҄q8cQ|V^aϴ yo DIݍ.\4/߹>Emɬ15@Kz* -VUzJ03zKxbermJ4?5I!#R+7*?|.h ^oJ(: -Fϙ[2zF#Rej6;A3Z%(ni oU҃ieSXӑKg^i]Ƿw@W@J\5ccҨC-[།}\RN}P͊dt㑻XxvLGi5:+;`AQhFx1YvAl91 ~kN@ fTHaS۝5,]1;Pb#@#ڣiW:f[oee>o&k){:nfw3ܠF{f[2LƪX~m7+n@}5ӊ[sy?EFYV`VόT7m^a쟘19ڠGszfF{|L*^ss)gNSci`ձ{CϜwLc歑X(E9{Y ޖ&ÖNW~M΢0!LįalM@ c?N-G]5N1ĿE"հ$:p3ǚCc|dRjl$V+סxI҅ aQR%V.;\5W{͔A NB&}*_cOI^SO:?\'_bހb&$ٚzݶ~6W融_U |J6L rVdտ/ lr,"_[R - %_jAbP7B0q((E#e G9buV]5wcAyD _pqBAS@e | -s."o^fSk-b _5]0^a~Z<,B37W>P1sTaeqtPPJ-(KC _rx Ad{YQZ#bJS 6qrbvBϟL8؎O[xIف8h5|Gy6 .4VT+hI 2ua> -*coYkZ:1 ܉-,z|'(E\>l.P-ƾO6~pGxa ~&dޓ,^ S|l8{N&M|:A;g(H-$k(MzʧHi,e GC|!MBO/dSܺ?}pz*kΞ@cgfžsFAGE(?#(q3LvbR a'#Z^ 4sA6E2lIyzkjkq|Dd" 9R6wg+1߅Q%.+yPriVV{@{iQC!aH]pꚏlZh-#*أo.]>7;FNm]Ǫ4[8‚_f?;ڤH}r5b~2{Kv6#4ϋe0Hz{{E ~{E6O%7~S<,t!uFsZ06{t3z1DŎ8JfeS;#@LRϝ^py:Th)<rўn3+|C81w@ ى6)7 Kc? ܔ䪲Â[xBlj(\r,Ҧk]Lyr7\+u10B(d*In2@sb/ MkTеXZqzCpiI@ !S*B3,X{5q9Lm7򯥈{,֠JP]a`ZO8.u}ˌ2YM't} ;UMoc_R _t̞cN踕G,0E} ZKv958Qu[ FLp<2M׫jj+RG|Y>#W w#kzo72yYt_F[^/z9l+kAwfJ3Iv4XB8l(B,hƓ!}xf_K,QL$ Yd7kAjfߣce#3HftsG)v*&79DN0wyOEz^*M?v, EF>=5OelUxeihGy1wpJaY!p.Yi$##:3z_,fRᗃ'S_ ӈ}3’ҳNG'K\C免Fۢ0-]㏅ﬞjZʝPf'a* H z/zz~JL%!}/5?h:BQ6֏*DQϩP. 4}aWCvrOGsꆄ\n! cI39]Ld -3? _t/@ -F}6ŪK VWݺB'HB,I4௽c>FAݖ@@oæ'v'<)I͠m|C!Ӌsr(=ΙN2[oAgs-3W;5(UfrJx 9E]bp@O"?*#Ok?piU_m -*K^9(cR*2<GQGܷũ/{ŧY;o _Ɂ~ً0*NyZ]Qa*חykV\%r͖QR:I*cSnQ7tμp\U _~&6ʳV* >HK^:&PI# - ƍTll]LY"9$XX6kjJy}p"x UFO/ -s8yͣ)emB ɫYx]g&%7)PjM|k`KKF9?ۦL#a[2>:)[ƀkӑS5 3D -1ݚRr/(9!d K@vsoQ`GF4M[!m$'QPAXBxm ʗiyOqJy0S~7\]یp *v|2$fM\8FH">+ qԢ/j$^Z5Š9-ƩXMF9G#Eo{Gx.q? -~? ٞ >)B aqAt Y>;fbzXH1àCZxKY .W#HPA^`N"ͲOiMzt`|cW 5TݷW DBI,cKZ8PXqYk@S#jPQ>r\08ܞl{i+n|7==ͤehgij gtRi UUD:3 sqVƴ - V8qZXb3evZyLYJ Yz[N>d%94K^=we@C3;Y$OLKf|"eoTVC\~Wt"|\64g1®D-ބ'0- ׄsi7kbN^э|5z mX?_6-U<%̳]vCm05 |Loɸ6<2jXi<%iֺٔ4.L1xnWo7h:t\7ć-z45͒cy̴0r/5&YH# -n2P>8"]I*,$Y.n`؆;KΜAÚYںړtH[&E֛scFM D nݧpd ʒL,jmlU.={f\! )\֯$#1+W|8!%t<=8hfkh@N9U60&3W -:ekޙ9kf@0>f~aF޹d Xg0ـG+;XWɘu, ~B7%ϋ0ocԞ'4& ׫5r 5OnNaF3;Ny6W^ty6"|6P8PRf+KMLfm)ćt궫RPc3|2? Pëzn&;UO~tRV?!fWSb?.H`#e+e -dOad"+QŨjiE5m҉uՎ[Y-*|k%w"+sK#Ä-זlAXmӧ*JOs[:S[-@".e \:8[>%)DL[L4cdfMI$Yl>dy۴A¶Zp,I0˳8,Ы qqmt`l֦zV僿= h+7B-4uJ  fw9Mv>-Ī3/hLjmlDtQ9z,5<'턒f$:qKA'Ļפ(䍙?EYcGDź%"PD%Q#]!S/bBK7<" SR1UHä>1\Jeu4*pѪ!M(x!!Vo=j+c8FBMxn|¿=Zky>" ۡ,6 -}C>UG|QFB_޺8Qfucw1RJ0 ̷}-99({4ӹ:KbC9Dpд8;@p+7QѺlo%Z\RMG]{ğߕ>(1αZAѥ(zgg̒ES)Sof&g3: Hׄ檰0-UipA_F-bcZ -H00e 7#~Id#"NYy1,mv_S&H)t/Ƽΰx"f}8^ iG5ZiMuv~cw6`-Vu6r=~,/SO}sK`q j'dҙ;9 ?!6<5%$EqsĵsTuGR<[~׽&16 nݲY޴d!nSP9"Ub:-am 8i"yz`AgY+ߍcx\OjM$4DD'eؙyctΡy<˩ܦþsҋApa:Bۉ1Ke#m Ly&""a:Ǟ5!]Zc0uX^Am \[.Y3twڲ+uCS Y1qx^Pofg~T)IC*t ¶:QN2AwlSgSLc'֫!I-  M2ߢq@f& ZLQ^zD$~ڌ@7)%hT.TOi&v_N>}C5#9!m_'iC=lM육 ܇pcahe}I~)WIbܚ\a6iNߐb -fxZ Me,\J'ךˍU@(*.q)^>VճT̙_ɉrۍ\_Z΢~G?ftKI|U}N鯝@ nԘ^8:4(g,ټEhZ2V\"ǧ:q  PcEy!X(һ3bh6"!Oݻ{;u'Kq7]5|Sjfs͈@!\?a~}$[i܁i 0{P$\VMcJlcg讂G{ҏxg$8YG!>*0}nՖ Ɏd(.l&9c k{ҿY -`xud043ܻ*^#G5s"}F 'me}u#QImZ1Vbv:Q [֯0s)xjnqrǀ. ̝jZڼ4|$}VF1Wmߏ0j.#v96j2PP @KRH+';?br !55HO\ 鐝3{R T2f]92G>ZkѣI'%{{:O~ؘd8ǯz(1rCWz%f75X\L3;N2j8r}2Qcfucl?5k[HKKl:7ɻ@+A?DOK4_OƄ< In#eЬxs -xv Sf5H(!׊"OD lFƛp+Bf3hfj}jEfSQDe\蝨w]VUg5(r u8}7z7+ӥڟ>w~8z/"jhUinYMyFH'ؗK'z(lY@tz﹞5XЃoS :F-P.<ߨTE,Na -W7^ݐ cWk] ;1u,JT -a![`vU"6V29֝[Yz(8"bto̒B:0?{OВC  6ʺK|C9`ǼYc֢N]DŽA,TRl4;Dj֑ݳLMDUǍF3qy-0A1aIÅ\~Ha@P9d7Y%[hSB` XYB(Pgi' -z:C&VY)y>,K!~XEk~'+x$<T3p;DŽIaoiwoF.%S:ۜs-t ԀU>LuL߾S(@ŊX%Z(#@i-RP}r |܍o^]q%MdSKI=I M񤼍:.̝]8bL&G &1oR9hj_KtSD*nԼ= XR3{*&(0P&֖6U.E>qai곔JHvEuʱlâњ[`ᬌa\r͍^W n4KO *,6BYBCg^k -}Iz`AL:bARcLkN\PAԲ ɛ^krZ'`l+Etjiza l+/ƟMն"U\Ke#ѫ+kM:M}vSL[nBR'qꡲ*: X U}R, ه־ڙw΀Kr{#õ;v,p'qrGC:ahWbMUzt[ ?mbE LiXieE~GĒDpa:]G76l -fҪ;&_zi1X7 ]ݸ$58Zy:=s xW]|DbZr*Ku$82͆C9!6."]J^hS|#uD/1wB#dcBAFW #L2(M鸝Emw18m;]TezOR`>Mlˠ?VY*w8RrG5/Z:XeHX- HD~Ph4dg͹`>AL"`6!F:I-;AG`r<,:D!*% IlH\a$iG܎f] ٺ&?YCw-<9ώf{'"z`y(:ۢL&|2VtЖ/S~3CAsr 3>2rIK]6kv3+)oz tsAU;'4WРNkF+*(al<3)'n9'o 'e^"wE4˶m۶mm۶m۶m۶]tw̼*8ߡgNͱ)A -#W^gTPfL-.nRtyX[W@o[ `3`(56[e>4es 閟4j 3w ŨsG&X 3ASjx bAi݌Q~zX!EG4pnKL[nrq3s8Vˬ&0.X?BD>kϳuBnt=m[*d{6:*%Rj;KJm49Ѧg0p"p n\ -@^cTM.^|466o_%!02=5^2?aL:ыTVx4t:8;gB%R@:<_lSr>3Q,P Qթy܇ >'s3fSp=l朄 Şp8& iyv>t3yc'] F2, z?W4>rx߂KTY\¿U*3; XT8k?\2iY=im|-iU,WHT)|s^؝A*+X"Eރ:3c‡q2GyPp>Ɣ]t2F)ҒA'-(5#; -9L7 Q48niXO6Nj8{ `L;Gp)ڜ @rՔ.SPҠ[w^̛*E7C1=rt,gU P7AfctWO;leHV[ꍅfKȉ?rB2R%xM:DܮR\pTy#^XBklhՉ[kLAGbg"+c{^M=3r͎0kJТm/lL J:L5t]v؞&plpC_p9e__ -ASy4sMSl ՋPW_7M-gZ\Խ _Tv ˋ -sުۀ^nbPvM*lE7Do|4-Dj-lsa·'b/U\c7G1P=Ht!i?~8[ ")PХ߿."΋D+8ʑWrvg§"D;79TN%)m,QG# OY(?ʄ纣@| 1<۶\^ddHmNPK"1ifmŚ\=C: rApy4b~qT.T3a803dZ/^=1F"x6jwqeNBwuo¸o"Wk/ y@ފ]˿Z;me25\[[-c Ǻywr P(%6'iwKmUnXql0`BJKzUgW=xA>s SCWj+pBj[Gr=SLlxo]eSVC-`x<#p2^^aHhCL%b #8 |g,\2Y -u(_i%r^g`lOzvG sj]t|.\ Xw/ ">K$L{Y)r:n򗘨]o -H9^tTTI1&+2'b]fW -Lra'%N'ҡ1(­UiNww8HX:'G+1K`c,s#oU" -~|5hBպn~BJvnњ9rM k$kf -m-=mj(CRbYLʦr~ěnMLg`jƚk OƁ3$GI -ŗO4^០K=b 0pSSPWePK`Lə@ʂgp}<,Y=D3!C:@ \~-Ukxsi07},̤4cD5pqE݊xd!$H9s\mWܷ:BŠ%م)'TGJ9*Nں_1W)sC -{MלػW~(+ZfR1?]{!1.=)PD}`* QO7G!BNГD?=YIx@-j"0 ^&SwJ4*9cy(JBetI|uȭ[j:Фy_~nH܈t}ݡ4"\&)CZrY[ V3Y]Rf-$;rj`mif Wq9@=OV+q;nK&ny4yٜk[?L&U⚌Iz ,Jٗ^~K9[Hz;cVԊY,JO1' -=&.KLi*JL /@y`CTCJqX`N7C|~5vz8n;FF:Y -bbECJpJW&|uuU)qHt;n-'Ix3rn,CwtaOr$_6%2>}rJJ~#6^ 7Tcl G1xGy=ښm$4`e(뛑/G62|uUV/|A閔!oAt!Pi//>cO$nE$uW3A3gN?ŎΌkpVxZٵB/nOl9#-/~a-ҝo@8-˶5ԈDjX_k2<zf8"}D-@i_Jm@.1> {K~^W\5ZR܁'7JE,۟zJbx4,BTCNЦ[25jV :|`AGUnKZvF;}+N [A2K!ޙ[O$}'s|N sGbG%!is M@]5-gUiO) MpfW)sUIMTl-,W\̒)jF(@һ6r}H=Gh@1)SVY/21)<ߧڈF$] -IU!k( LCʅ#2d f{{NfN%5Γ6m^LgN>Q˗e%ZhxrvK5Yöh4rLPk*+};I4.~>5?Ȑz5, p%߸in F/DˮCPeɕL"fȹM^tzLy_U#խ-`ͲȈX_yg_5fM ,&R[ (B'eeNT}WI&k5;EfיyUHC+P!_0=z42fbV,0J6*0c3itt.izX$쳦8 ! fs)⁊.Nܠx-ѾD_^5Yuc^"WUw23k\SD!+΅Ѩ5cr.IBtT֩zB3*L9{_ !I]WaјJВk>{^;W~ć)#u*-+BHy hHm٧uJ -/95qA-:6`>>2 < u=Kw'] o.|q5ll+!\خeKe-ݱrARFE1_c -҂>_[v.] MIb۠7a-cr[Ζ!;YDФ_>(6-?P_vE‘YD.hT`5f|ར+=ֆ>81y&ŗxXݱA~xgT>3Nd@w%)41#vn?BQ46aPp} 5ۈ+KD|+q&JHٓ,->^rW2L<**eGn\-8>FbH뫢u}T'XFN$"(L[hQN(5˹d'MrQӛr&eϯXby/0"3PTO-)ʙjL6~;0>MiT8- g&g~/vQ9Ĥ-^bArI*om,wܬ?*"vm?h:(ԐNoգpcCcutpӣtA5yd`Xb*k눩^}_F,;˄p~O"+ fvژLZq3zoqG0'ɐjlLz cf>Hfa=4: -WƱbnq `]:(}y߶ǂJLNL7pqhɈf޻W)[0?Yt#ˀ o&0㞕`jZd?"!$יu -o/vC{锔! ;蒪ҜDVճR:zB'[s-tЙ-|T n9K`6QvtXҞw?̵ńw* p>2\X.w6A -}zжDMN7cݕK:mʍذC BRj\vݧ$XJօUer }҄ſޢQ2-ҠQ^POM|Su螒-pc5>bil SU8-~ɭUwԱQ:),O_x0|ZFJuY-?)"7[8`∪2 B9e"~LkI3A)ğRg+2xM㨢nPVC nvo _@nNc >3 ϧy bic\ZGF!~̦'F# ҽжn -G?8YP<"zݢa9E@.E5jm纀݆$V!JVqu6'b[oIePDw]$efZܶQhqbjߑUcwU! -f?]ya)n߁uy _oGcr G:;xj3,͇ibIOKa ~(ٌQE&z!ryW|5|D̺.a#6nFW-#s;{x ;IG9qfѦ !pNOh/ * ~qܯD%#+[ -20M mLf2!}eR.t|q샥 =FsR߲`O2peӝTm: oh)R/O6ذ*UH$ivT@~V?.B:JKRZUc:~x鰐 FQOiuT0{i¸,yRVoariǢPv٣/&Gj։Ҏ Ĩme;1gH@&7$I($]m9S _300+_ImLMyzqZ=nޱjwu}COcj,|Jlxs޻t?FLz 7& -p^Ez- l4hp uwMw8S -Η@9C*aCw{'unP͓G^4oC.c@QD_C>26'D"⮝G$YM30>%=@t*H$0N eJFISH PnxeqX?qGjxgExr \' gk{CMIOǠR3̄.5ٜEajӻmM ?~-%bv[:E XwF-~A - -ûH>]j}#n}$?æ=-H+~IZ]Xdg䟇C}\Hb[^DL/>$5BF1_b,͡0L|RxDhO.(?Wݰ"KQ+EsS|)%ZgYye}ƙOD[_9` a8M%ΠҊލ⛟syAݐo1EEf7S;qMJȿ{{Wtm^e}z4mF`8_I["IdC@A~\gf &JPM[5wʔtq_#%hT%UV7"KzthRU#IcO%ޛ0qn~u[YAuMޘsDWCzb8^pa* zbLd,9_hi}L!7֩ sI tZo_Z1[ݮC3d( cKBS22K+f$С` 꽣{քxg|y?P#wkXUy;v?J>E*@PCc/ *SW:6򴱊^*3mKfQ Ho1P[F`T31rh06C- |m$ڽġ h(wb݃hA9^W)w^td\&ߨ -_k;mK 1T+a5ICX)l*(WIKVrZ`#jz" feҮUDNDRxDa?zP!bY#WS(6R묳HD7`6˱߄Q(K̇^Z r Hiz7+l0T۵$Md\S̢ -a1(d41M7Y19yeVi 9!2Qh٩,z˨ff&[ElƉxo$z8koÃQ:nL.}Y3b - (&bhqV0?; uCPرiyrKaC/u0y\ZI? Y$ ɶ^= KEg${P_ -YS,%.)XMz|:!u4<R8ٹ}L{W 5^I@6VSKH'rxRn JZsZ(_8ըkZ2wCTS8 ψ4GP!b`[nԆQ*SƈmF:ʍ÷Z0X+2 xU"htL -3(]eEo7`4 Q4ы`A\s]VрkIP.Nv -, }106|:"J7zصQ|&B$̟.ō25MVMHߪL"ޅ^hoi|NK8H::Ήm5m -U։ kfl0PO:Pm;) %f [N%{`jFlU-EiAEv#f%rwnm2V cŸ,- -ƿ^9bz=iN~j>3vmdgZS |3zrؕRqʘWP-K@ue` 6Iw3LXg.lp_!XLcWUJ`h&3.]%p >Fm_rppǺLS@N 0{wKB_VyE Ku`E Q)hs.[HI*LGpe(&{јʗjsOgP{ܷ;AE{ϊQeZڀcϿp"{L K.Fzq>`4y+D75b櫩^d-\h'8L`J΀z6uпJ{y(Sz9@3aokޣ?ﲧCSdn4c\bOfJL H+OR %ZhPw[i*l -vYv~ - Y|QkKaMu -p#1ݷF -(ow\4TDk@ 1bLȞƒ/}IDeQ^O$Ϯ+vڜcLChYj444ٳ)0|h @46g>]n&%ʞMF] gyC%_ p_ۢu8qD|BƈEQq.ͯlߟw+h#.kB e/Mޜ#SWۍt׼^/[y,戓 $u9ŧ!o/2Sj{t`wZpP3T߸M՟-\)6"/U spOUBJX̣5fx1O(R(Mq뢱IfN_0=|mozɴ>01PiA^+|ls :4 7v2)?BmH^O_WsM` YZn -72K/} AM pM* _|g2%uez_o nwrM" -Ǐ|ˡ}Ek$6SOk5Y/sSdհWqsK0J"@ zWT 4TRICO_9Ug-(%N?J2U$z])ϥce3j` AϺV̊„ hsxrMyXKhk 5OjV%[z2l/*WZ03}-&^T+L ҙfL4\zz}&}L8w& 7Y+a+JtLŸԽ#L2U~Gˬsr̂!z2c 7+ȏyS9jO4T V pXܜoud=Y4E0?jIП:8tz 3ZGqZiP jbKjْj'$ܙ5o[>y:'F -!zבF7C*=d{L\= ,TLlja:83~ 𦛷RwX(֌ -,^v&::LZD>}L<2ھ:f$X[81R*h_Q"iH/8ٮ7'lhtt뚪/g -4,zo 'M:}|:nAS[hp7^ -G:l呑qЃK) wyUsu|oϙ?:mj#.""W0Av0Kpj9%zcj?{ϮHff}˼l0/_\7}D(IK_͢:N}C咛 K7˽IOWL: %Dutj:ou=V,y>QR<V]LKK+PJ2(\d3</daxs$u(%Ђ U "mDr9 -Q3C\OgDnr. -޸DK)(a[ȀthYtGqR6Ky]6xWA6)zظelbf^|깣o޳F\1e=!Cry1ShփmdD->Yw:h @skؐ7퇣50&d&7зGšu'Z[1 -:| ӄb3ymo˟dzR -sᭈN6v5|y32i2:-REWI6E:ʁ̨<&7*8`#?nXOOl,T [3Ͻ?o!"d8Z˴.1tH(p v n`F?1YwCϺ1d%K]$U@ʓ>2x^4HҟÇ`*r?Bl[m7q72i+2զCf\`1xK*e];eM#gɑnq R +i/WQ^ }9v|?~^T\'DnRwo7xd"NW zs|YJT̓t)P5H 6$4"Ƥݎ$! --oGLl;X7n!#y run}p.R~2*0zH^Uty$e,y>PY-_}r-74$q){j2Nl!хTx }I/oj`.EɞCȸe;>f|>@yn"NKu4ו`?" 3̱D!9;5>eSr{sT7ۘo[Hͣ -ySGE;׀5=} 0K|P ),jWs'F0D~+*꧈[pZc - BߕgIu3(u< "E0r _7U#YVy3nw K4g&ۊ>J5(Vrl#:l[<|d lg$e2-ݜK^ꉳpMc١R[s(~~0=+ytuX׮ֈC"^!ث(coKulڭq) ձk|tk>Nd5sNH4+W-kfKנ.LԒuQ!-(-LI?lqN43թҤcϗܫwC; Iޯ8@?H0?_*ǐ# m/ hkA޺y г0E´-ŞSW"Ck+UBP &^2p107uUn`W$XrHljƷ-Y_Mbs(46eQ2P{coCu>}5wvMjB|uNmo3yBtG5z5Vheg_XN:=?nf[š'(o8CzT! eKpdӠY}Yc8}DV9]BRfUQRxBS-ez~bSjo cR25xmBy+y* bk_Bmsax!UW{Vr6ISBlz R -xc !A!Ujrvt<'#/$ghjgP \֦Zib``JĽ+&JT2f$X_ -e0U  䓡=kli!w-묛T5^ zs `N 6+%ϵP{qTM߫ءtNU|ٝ&`!ݰR*XZ",QR; 0ޛеryHjQ+^ Kce83T-Qo??|ۍ@NK8 dTe{v77B`ڄA9V wۊKtnE<̇|#ހ[m~a-^'t9_Oϓ0\TD&?9;Dp/T6 %H#7fK1vkpKvigi*>8ʒ(}7*H4NXZ+mrw! utsF]ꌊy5| iF>0S74@1]JӲYX='%6J;i4A$VGu# Sv@ Jձ$og0V\m"7[԰gʼ$(ˣCd3J>:KXȚ1QUT *v{q;^d'׌@Y3tOTmWQo1R-\sCIu ߘ)NOQ, /0\Te)tWޚWV 0Ba\4.%ڷVK`NX5kQ434.*8ErFLq[XGc eJ)-t3< QN2Q%KE*&KBW<N1 aa[|u:Qs0qT ?oxxCLlťОD.a -:fFH쪸dI_ dasfKtw>Ef%ao o6 Vɮ%C+z+nOƘ\h]3}&RK"yȻ۵:`+p<p'Vl< "VZO KSG4 +LY31}TǶ paSc[|DV}.QˢD<]ߦI3*^S>N3mTLG"t0W:ggSbWtwkc6rk&˅1uvh,n( 2GO0T" -Wo>6/m .-5vn 98bLp`y%Ttnkekd&'OnL&AgVjɱus8%r_RXHaQ&:%uA+tWq4; ٱ~n='n *ܫ\X0p1Ou?&Ĥ9Q-I|EcM^SLY %t4^SwULFDeDmv^( ;cLY;eS9Fxmdƀ:tkE}}1ߴqיƺC/%3wH ,H~c5CCGh~(Z?Ḫn."54ҝ`kx>M 薈 k&*@ R2 #(KRLQeD4G`¢Ȟ U@q , 7D^32gF0IH8pR|#AFJ|ӳ0Juzis8FOpHv\0 >Z#Wgay8B.\][-YΛWb7 6MH_bn<*_NWx(IZiwn:fT P/DBTC 1#i`Hex&Z>Ro[;/k^/ҟYAp49!GЀ|ZOgbE~ 5wl[M36qV625`7P)9r̶8 ɤHuFXo -7yd4@7("!y7>SX" : =ؑhsr/ܖo2zh~ Dc~u<)BӃr9? e<]dEX2/ t01k]E!d؅+|sEJGXu71b6HIѨNAڥ ibtۃy_[_:aw0 ?o[$82>u &Qq/N!-[=\gԦVLx { -(nl)!ߩ7Fd.ӌ߅?YZ7ff~'/@uW}.<&^6#m]lusIH"v ~R?i_HǀJ$dʏYpk]wp5m9sҌ<.[^"#މ~_T1`?k0J+2*=jڡ[i<Gg B iٽlr*>YSD HKwQ;^b`?ٿ?F}w:rk H. NߐYފnP/)M;͖Nrf43 FZfagzۙPճHݤDLLj(&3L̤nOxBX JɄC~EMݧfNE=-^kI?a\[u,7:v)':T|.;)1,Wͫ -~$qC Œ -^Aƨmή[hW[u7xJҊ< 7u!$4mtvcY7wJn,$C$OJcMãΎ#÷8X&Σ́-&-SXx ़aQG䎠Ǯ?Se?cUZ4-`v9E4}z]۵e%d, tV\Rl˴@c}^Śc*0vfC}8 TcL"9g|C0L/BsHe-w>rkeR).?Glq>%lC5h&A@a8#Y3EdBdkirr ;5žҥ6vf[o6 P l5Z~abN/9f>Q耇%_FU[nlǭ)P/(UCUA WRZi[^Ko#n -Y)KG -=󷭙KM΋"ЮUHQUNǮ-&e+~ej~0 $0\5#2ye<]#)QxV;x5Rmv~sDil|m{Sa!B,ꤊ -\]l1S:x qxJbuO5@C a'ӻքl ~7aBg!RXGz'}u XJ%> ?3YK ҽ=؎HZ - .&>b1Za7?fLlsDgOlQON/LNgˍ -Tʲd<ĭ=n47uXCѶ!5>zHtC?@6 \o^sAWj=bq!Z[WOo0@ ʌ}XzUb/D#J(KN<FvwY-hGA{vAG0ze)ʛ+5ٰC)yEr#ݩ&t7{mB70Inw;[l/c.emWvS4GmKW唀Oj5z=0U{!r&}L|ԡKi/$qh0" K{d/YUs/\B&vم3eƷhb $W_PTg Id0ZQԤ]a @g+|jjDVAm} L[b;0=q-&%\D&޼_CyZ Y͓s-58tm/N6/GP>Ly75@gJؖ˴c OW#dHXvcv2\Z`P,R(#)ԩe*y0G`q^jfD.uԓ57'9%aAHlv4Aj{yP/5s4q1 P7p1C;HUT~""U֋l|(h:P@h7"kwg=kvsEfjߴVFjuw0E07\>OOYEAMB׍0'w9L1w'Sfǡt p-HSH-cwpArZG1TTG ԑy'0MzHչ9S!isoPݐ`%ّ {^h8֯PBpvrF"^˒Jt5eOFj3ФE+wPWDSZ:3\}~$>86Kowl۽$,ϰz%f00<بKVp) 5Qw0%m9ݵG_>igUimbn:05 nMJTI iP[V)=AVu8˖9F*Ez5v=47TP{zo A'_EPs{xfdqLT;heyK>,v5]c(:`G<㍉ P  -*ɲH=ȜX<.]u=@:}22m=͛"J -}(f?$ՂEa/N0ȬAK;%Vs@DUL0,+~)5/ L&$o-l@yG ["LYex۬8txF!3[ $?OzyW~T,aHNQzQBcבZV:I2[I ~#2rML`\Sۊk~y{zPO(Q'y ׾_ZU 0M 3?_@ɸ%HK$\n*hbV 3D4PP"LQv~-9K0z{"DMԸ:y ^!'Jğ -Y$'G$0hgY,]MlMCQY/(B2Bڀ>X~ 4my-GhgdYgYP,ӊeR;Ƙs&cnOje3<`xpjOrJXVk]3bFNa$*A7&}U4sgD DMܳ#gT -ZEFY~U,im7 7"NGQ] ~m4 qAlChchIJ2>*Bg!ɬrg E-@Ti3>]"1xHޫ>-e͠PI72j? -|fi~[Ul#_k3{0 5OoYx XU0Dc9L+(Yjݵ,#aڛZTb\f:j6@@[0VK+5=OxT ->Qe^JoY}ֲ{~UXҠB=T1h*՞Щq߽iX:j,iK b` N~ibz<Ö# A/9vF="UF µ}H -10W2LOj I"xyu3iJOjȅ*jԒ 5~T_ Oygm"+gTRq1Ymq],pRX<$^?H҉z!}ƹ)<]Gu͋i{]+/׫o/+̷d!?>S@=>᳡v4!jΊTY!?QPuñ*'K~kq'co|<^O}Crb+je@`n(pf4?48Gf`BRAߨvv3̞ܸ3]<1\2(#ό>iY/4ϑZ/P%= 0;x:7BxSMjENSp !MK֤y"T BxX hN/ڗ6ijy]X"&ɛ(J&3&GUMN+.1Ç>"s@KCOҀg7 aߡUMsyA39` ꦧn}7܊OH3QZx<9r<E5+dS.~2#*F.HĖSOcvI%6Ӎ U_)\ܯذ^lDw=5pFԞn?5mT5//eaC,({gKcAG Qc24:>NhNvxUBa&7[-v_r)BY'9.ND1JOMy6l`:Ķ×ww N\7T?Uڞ .% uAVȻ `a,q;Y9p+`De%&oפY e?q9+>ߢ!*vԼ/qM#Cv>+UjJ$ZcX msV8`8cwotU$.aLx O|fTP*` {zD&F #;8KXӋUv)Oubœ^B`/+7]<.vI7nkhP f_/W<{Gvk{sx -%z( frhamcj>g}NCŗ=ڈ.骵#F+00-[٘k))jrmԿYj%mc_R=}aU u'x\.x~uqIM_37o #&h`X$T4idZ4*KNJ]皏~d`fz B_ >L"EUha! -iYRLMjVAY5Z;׿G8l%#"iG}'@xJ40"96s Ѕmm{$yB\dgT>?w{ϵ;:믿pe6t}tQ 0Upԋ\QLhX~R?Jτ1["^_!%=yµv9쮍`ۘ꽱$ǖ39/ -[@Fd%?xu#Vݸ!q=ۿY߄NLt +v-H`\)#6ƏE(#{}m V+zᡃRJ5$fOYaJ=ϛ`;Gc4:+P-LDHSFL9f{ȻՁ?A7o4|٤ J$kt0j$D@9,;3pTZ]'Kn~Gz %A̓ 2g\V|$v@74;C='N7XUSt`f!^&g$d[2* &()Pذ,%塀OFVEUIH=vl)ٲmbMpsvϏRG &<^̬x?2iץF`>L@%Mb(7U3C U~04_ ŗP {C9 -J\gdmx{zbխ_'F3i=dp}2CLdAEK_c :豹2ԉ43xE4QoǑ"Q^*n\?ޒ 2[ &NHZatdMAOfG|'5Ρ[|a07"G$/91¯O5~"p=;Sb -"*;e&rb](o9?Or AaUP343KC)lñG8¡%Akm z}w_;p9ՙ  -dbAY2N)p0c~,/2Tˈ}4V0̳:%pUAbʙ[[Ñg,L#| %S(#Nh5<` R3uqBݓ=x8T F4E(a%IJ/k~ES"?G씲E[sHvF-E_ twv 6@& sG;  а 2`{{\RX5]lceziTTl~ -N}fЏ<$W! -Rx -ģ~"9^>-!SU8ȪBY^JŽjk^Epri3*3ÉWw+^y'V|j5lKe}0!b%- x2AdڌC>k[J׷N84AvWp$y">ž^.l 7/3S`kU=$&/낚62>0n@0EM% - -6W8xT{h&m<ËC(E["c]Sf7t6=q`xܔGL\hh ]BUQq>f2wLA,c+}f8{) )>蚋w㷻_ - &1J -ڡDt Zk X=ҙrZ(7jAߊ7UHD7#RHG -5iJβH Ҫs{fUKoŽS?NJ~Bk?Yʩ -M(bͻ$ȵZ>2WҭTt*)|NiPBS -jQy<@zCVBN-vgmJO7SpZF]$~ۨI+ܐy޵ܮqMy;mK;N6E ۊ@!L3#Y4`UdC,ErkQ2^ blCoM};kg8)Q`ƛ$MTGOIx7N)[ *rL DaO^Dq+ءq%7)Ji%ez@]/`au+h@ f;̐Ѝ33,O}١Q aƎF aI FߤOԡp<{k.a\ ;\*z*L[0\##*̈ c$))ͳnǓJ,"%\b$#jF"_^БLyݐe‚6ܩvr(!p>ҭj+v! ߓa7I*.dۤW"L>=8}fQ$k?s:\NFpyޤ5jR)đ-[thdk0d1^>v4RO{JLJƄZWƪMwc>}0ۖEJ7 -s4EbZы}mBUqx\{%` S*kו-/Abj_uPobLVx@-C9[RY#+Um#^ r7:"Eox;Yhi׫4Q_J xdi4j=h3z `H~b3C7Dbo*2䃽*,uԗQ-ԄLddUfT:{Y ]E!]D@X7Ũ7RT/s㉮ԫq{%“DM(ji)ArU*EO$#Y 6lQ%?=V|]ō6^yFeӯSƒTjLm<<;C_I3{7ԍK\f{;E&vsSS)raATP? zXbϦ扬dWnjMpW~PxpҐ]Nffz*{1Ƒ'hS/1-Zmh&.127bBzuBf)YP5hGM \?Io 6C>`7f* &FLJ@溞À;ux+K69yMl|V\C\9Л K/LTGfa:L1^)kܨN=D8%i-wTU$a̸ zbG.ԄT0R=tCe^;bq{3s܌݆X zC4U̾-.LC+:ifd @s6'MtUJ 'a5Pb,wLrDSSH6._րRmc]kf 'jyJ]Q@(>\Y/~rc fQb Ts,%=[~!EtQw_.k?07-8ԫm%ОT|.] }Jz:ͤYTDި963JMH̍΁ nGM4RBdYaV:B:;WG33oo UtfGb@@oޙ?SzlU oeYK -AzG.78vwY/"23I "r76{ ft,*sd@zN?`AhiTsn0%WQ(kS,iRf2:n7 GƇg ::]6L]w*HWsFzɠ'irB1ǑqX\ԉos^ P%W{ -HH=)PάTWbJIsuϑTLTɀ<Vonqa풚ְx:"9ebAQ6wģ$:֎:mbA@k&d|ftj^ -D8pQힲBJ;I\.3pRqulSO@M=a^AV-<&,`̀*M?0F)}6eFI>O4fM)d6j|0.ACHuX[ JyYjt,q~8.~ -$aǂ •QB]h/f.:W*o<2(!TNBx\0w,4?}VJ7Ь[4<˾Ϩ"XQuܞNXXZQ=|=W{13mрRR֞Zg{I=FO36o^>aҟjk'Z2`*# \_t:=V"CNUc@Ikcbڬ`E\m 5/LX퍝1PC-`9 megs}٘7]vHع7W}DAg2ثķ^۞3w[?/z  ϯ_-Q<8ۢP9ewJ鮶ףic8Z6@!JW8mgsRdˮV[~%1US1giqckb^|B?t B6V .ۣ0úe3CX<gy>h=x" $zCuiy9Եh;%ZQrNe[`ak)5(q 46y(!؀M5"H-JqS՟v~`*ڨoa{]̗~. X+0^:|i{ bQӨŚl$Ok;8)t ?XI|%I2pp(al4'_q[^<ֳ=|4H{d(m۶m۶m۶m۶m^rnRLOt/U_OHx^-b[v9 DTj{DkN.k1aqx.EhZוĂ8PN0a$mSKI%-i8~k9qZ\5ˆD5fYs`Q?qe -*ha/.jhݍQcv̀Zf?rM QʇP1ZQ<gvA91(%UK5'v_4Y[ -yĦG - qa --lIKؠiC7ˬr2S/B HLBU`3٬ޅݐ_ L$Eq^'hW1)uP?r@훵'ο@wECPk9zSTc/ǧڅV7GK;Hb^ K$Nnc:5>1`_ -{OPeH*}]ە [(/8$gq+HB!OE -Z2Y M!52r+ȳ ԅ6 Y/14O[ j`MuCҎU ſ=K&LS/BT1dotqd6{0U$|zD('"n7lA41j58ٯ/&Tx$˒Lzt8?+1dHhxjl{ѢXOę/-\RWmbg=JpAMiO۬4""K9aZ;sB͂,NO]{=OwՊ$Mˤ:'/ۊ=Ru6 SmeYn=9O:ګ u.dt}-w*" խv) 0_R[ZXI,lSu^B%ƀrΩ-!dcB#F* -Bf!1La; DX)a^h/`=BV!>`B,F,ZmW$ėǁ@:9> w՗5bO -3*Bj?F4LU6m|G{͏+%ruq;J. 5'ggl Y9D1E5,Np~ԗuϙv3EX?c.=xjL ,aҝ 0.zweihKS&gVo,KMMi:,v]DV"_v8~9EeˑX"ov7ZAT֩գ(C1s$JFE "(@,s*Gm84C7Qrt%cx!% -dwy8d<ik7A(;|)l!/S1Ϟ"hU?_Re | -Y4Q-6&VTYZJh Uk*Ʈ`;Djc\^fFq;MǬ0OleQ}TuNDFcX]^͞%'#-?\ ]NJ^$~V UZT .Y>TFfvF((PqpД7ۿs2!,q2H./pRaF~+YdnTq݅ԫSږeaИ[i8yn३ ʌ❡Fŋ.}%1dSW{n8eA_k2XD/>tz'4~cv~,+K9A"\-aי.&{%EׇP@|%iVl rV<%em rҸ[x? n=(m,?O(QPjdWg/mn4೙/x\u#8ły?-@9Mg+x׳68Ļs'Cdx QfN™ C{,;G咡نkⱅ7bvL"j8Q m1fJs9zQdvnp3~_4 -h-y,wOMB[.ߊqTkZ3?+zްhR3GARIfXX":s'} Qtʈi(UԦ6nqVchQrI 8г9&4K=$~L1q"X)\ ů XvCRtbn?זT}%cחy)n_ʅDKX! у(!7C"f!b5ृv 7UƧUB9G#m6Euopn4B^q]@?L[Rpδ(ޛ 65p%|jԪˢ]) :CJkiUJ.S -sl]Ju8o(b!mnM*ƒ'"Wk!_]NhVV)b޴2I)}'w$%nTBeiIڢW'eXEճ!˽aρ4fE73Δn)] "Pi|upD3{8ƫ;= u`yj6(`d`Z% lV1 -ɶ)$͵=rƩ?LUψ$Y=8XY; c.ުb۷ VKkEXdK2Fv6@6]Jv% }ߑd˅) U|Y6)S0:g2 K2.Nn7!nmN*NKRZ,;ɍQG.4O.bGkD)w\p+j$3'T}6H!zPRR)w>v"Qb%DotNJm˨*ۦL 9Z.~g0Ipï)v/ `x1lmB~8KFp "|bxzsJ^M63F~~+i!$Cjn"Eн(ƚvM9RUre9v2:^JSbW8A/1./5 ۣ$8"{\pE_?D9[-L$DxC,5R/M`mRO5kv ޙ ^A"6-'ٌ9AA|xu)4M)R)Q<|Ur_ kY _0yNrO@aUrſ߇TC}kެLr0R-=Fᥩ] ex! -PZ=EηQp,n7,ΦjpgHweQYi4ݐ(|B`2zf/Cl&RqTdo &#J"^9Oel8nLeȿ :yGdQ0Tq޴T2tN'erEW (\^s}(kGNTf%aVd,GE.(Ji+fN[ C“h=2^+}{ XEnW"ʄg06T~ӔE3p_2壼dɝ+f:fw3y9P(n;O; -}m>{IW.ɂG4=#! āD2(v@-saaD E| ,N㓁N*1D 0ϻ2B%OF9OT2Ǽ;_Q_U~f?]˯k3ZcV}1NYˡO?Q² '~\ QЩ#׀;b:A`e0Nb2ˌc^z݂ L&6$]Vrb^*‹ -Y~K\ꎙѕʎӺ}s_~Y12ƑJK8t8 -A oWze(S|XO5s+G>2t6>CSbݬGG7U6ϟ?r'?M?݀05| w+v?p-ײp6x/^癒q[K#"d5n|zgɪXb1^E`&8<k}o#ן=϶}3P%HXi2 -PNSNLv !Upܬ=sp78p# ~+:.8&!-X&E|.ozNVTB4(V~m2V\Z?MGzpXLCM:R8u&|\%P؋Q..&lRRb yt hS$K#L;<ԜN!i4ײL-b4K $px6: ƒEgUrJ2 -+~T! )boE4}eXF - ԒRrf$&eKR?*&Ŋ?0F)KS~r,.FgVk^$2'' 2 -Ky\G0l8/Jwb3@(;o@J6iɻOI .cɒD@lF3 _w=0/{v*ʄݴ@h˲2Lj|)oXLhq S~/DN -g&$#Uvi#r9[t@M^x~M5UIhX/\Jwz[JHښdLś߽+ Z\<*i d`~K]ܕ\L2ܑg+(Q3 E+.HܚoA(&_՞Nbf=;Qi|?'ǣu -bnsunj4Avh9d*]i[R}u("_#[qUXE~wQWH;0"ݒa*b k60?Α݃X[iV\5IO|V:3̬.vƺ}$:@f^4 -]&Ŗx3s1GѦ \ |(BtMUҏBV!0ʞ%;iZ*t`٥z̀Ly@pJpofϠbSGGbUV[—loLw>&%l*sʐ7ͳp2Q<ԍ?8ZfR+AD^2x(k> T*7rxvhu6xCߤ` `wGљ'⣟€ JƱȊ 0hHu -;wqZ3?Y9N st>R[s q͙3.j -GX!->S1Ylcڑ5mKVKq?`'Hs9_C P't& )0N9t ۍ5!j%ɮ\1z]WsU)ÿ:*0n"#2~ -nDWjy6(`;ۣ(z^&q~U[yW/Q)X"%u8-;jgJ!#GPh*F` hKMŋ?$#Ԗ+׋g\_ tJ ZB& ϟLkH(b'D6?n>u2d˺TzO gkm φv/v2MF[AUSִ"1h#5]ǫ 9J(i3eC`beJqvt!5ag{D7|NI"1n0c" "ihpb (WS8zR8;,‹z˅871 -\ka˗Awͧ(<,.!] /)U}G~GLR9c)$vM.V5tLHcBRjȢW <ՐR9#l҇EsB6nmt:+Z.puxq8&a/ԐcNxm=@Kmw\PI ٮ=t>TY;Ԭ"IhKW7,b9.9hx2 d 6KW0i|- -ݳr1#͹quW~ma[U>W0 <~1֩|)tn᥽έٌ *s7MSET: q%tҾ.ꕜ@JT{h N{'(Šlo[4R|A'QR:mwORE M1câ*i Em`U!1&i'|1o1}*պ0*`6#q' %*^xb"?c0g44&}_w4ꙍFgbJs՘CƄNʸ|YQm!l BOWXF|]vMyhD@y!~-<$qKu:u֗C+~ԋTudnL]}*sd6: " OHh7hrDg "?_­$t5 3ײv wo!#.hd$ 1]nX) 5!q11K88> =D0'9xl״jZe9\V32˶qQvr \!xd+t)u(o$jnf/N28?eXs6Y;ƀ#elnC?0`}<\2zS' r/^ȸ} .ySLk+V_LgT~)bAo*WH6Y6bݫH3\].sY~Ѻ郠qQ޸V$| ?o:T(%n͘¶bp߸kPdqk'㥈8 -.mS(w!6EP_q-tO\݀Z gp_|&FB%{ծSNH˻`9fۛ>&}3:Gk?v,kAo"৩8!SRTFqFfNI",Il[eN\`)lE5)ޝ< N7xَ7DV>^enMx^94f 'FWl4=3%1l`0)1N Y"<Ѝ+i)i} oviN0g6O:GadΡU$tV?qb(_oi77L c7N˙KE\?n3zFwZkJ C`R{H^ckIP᪚I՟in3fI1!Q\]5Uw.rUV ,Hxad| -/0,agt- V6(Ƀ#]]4aP)q_Ybܻr@~Cuv!HE6XAc] (0PʻV6sٮڣrXxRpb=IW4xc 'ŧeW~{Bp.d>$mn\&nH ) A-\9KhПdbQSɫG`/tz`WK,9y{ *2^[F[ iIa0T6Gu><[ -Z إ[8҇SNUǬdoL,<0j +17N=P#0f05YVA {k vw%n~Ԁ^RiY0*6mVO h;ԌBe@Lo/q1W*pl:f3;$ 6AM.GtDkMq۰# s$@<;{Q [b pf̦3Qd@l1O׹=RXMRD !T)0#UR b) -KU}J49{‘=,^rA n]uE| -K,eX+0"WV· -@K?LKgeXZdsu :]xv%s>@fdA9Yܫ19]S`'* -UY68x~W"H Oއ]=,)D9bI!oLmOO:pXU" R$VY`s,A+!eزb[O{Z4 |a`ђ䈰8X $l[wN Sl)/="- 8T?誙 -dQvܐ^̼IjTL)̡ys{gE ^]ﺮ.o!v-h: 8JIj}|VUbâo s -maXra uͳox썱A **>04o2uq|m1|YF(6?]U5VOʭ5. ,Pʯ%`nv6“ lߝ[\L$BG$ 9xH -*篖~zL@@LpF7x+ǹIh{jzg`͝E{}=IS:'0J @n61#ӽ44Glm~N=)Kx,3V鮈ߜٲr{oM?mi++JZM64摀z4|)Z\~U5Fj]Q9Bnu'`ъ+zFKx/H}SOF8A:q)7f -ۼG*8=|7~8C}K"iy}P$/_r˄HޅdJ|N@$%IT2q~طP=ܺ(?-^Oh*ϳ;+$a`c36p#}bVl3"Ib &3B$Jl-P{Za`ZR`Ѕi.SKw - $diQsYsjkVB)0[„nKdCkUL{wݣ! P|4_"$ *9D?pIeS)'N TqC-s.<hӶRF<# -ݟ0}%x5]OIJPg^nu &flax\2J { (Pv-BD26>47DsbbT&z7ʇCԽ -|3[gVqRdž!&;&"wb)n23dPOEd%} -ZlD؎1Ȗk𨌡0\OygFW[HЙ9ŖE23!ڦVH.#cY𝈬;Ё9\'&yx,͠4;6x's -X{ ~3HΔ7h\Z8F[l<;?/|BY9Ԟ#K< u)np~C‹!U>Oh^ -U gs6rH$2(>3OϽr6lO -u'̗t#.an䕍k9jDl{r2MoCtHȖǗ.:Β0ߋ<]>e8XŊrU?C2°d'uw"cv`dX:dj,)-kAiaT#[pG nbʊKTPRLÂB1+~OSgVJ}HLXHJףjh.R4ШK=Rs'@o s'E?[~@I%jЛAmnFwJ.-Y -"ƛOd#woaHɲ!k s t|Ji5 +OdsRL?W)Q:^&漯'M1[( ]_9lI|Z.-ؘͧ!u3*_]A5JwvA}7>:>k}ԍg9' -uʾv@%C]/"'򭃅X -sMJp`Oeh0$:Yy[F(.u^sڀǺE.X!2nrv˫οyb>}%C3=ݕhc7_KU;[iʍ1&Vzb2.bs*Rďڴ7jiR<ۻrKV:m ?謕jMC!L 8@|/Hծd3$; Jߍ H*5:!%@GrQR[x)vcai\MAO\s-̞s1/$PQBMv"HCS)y6j[0"L#5E+5KTHg/7M#+ in6#0$CC]iW.W"'L]"|5 AW2VG#ЁFN"c60]ԌiNI&6j#0|b'5d(U&DWr eRg0҆!NmҪPo|~9|:7p}:6"ӈ|Ruy~kGG4̒k 9nD?6*LE;G 3KM0u*<,v5C!{<)MZz_ άD)Od%K\5O 6ɬM7?5eSЫ6<A&; Ɨy [jo h=k[(3r b3cxiў'XYy#JjFęNG̣rxuep0K{]և\C oj =P" Qpze7Xߐ#6L"'EFpƑ 3߭jNɯi&yb[5d`sP^S8%dfnpjJyKY Z6'[\۫\.0 qřL/Q0[nh>o -=48pٷ1$u~̎c!` *z3?x;CoC3=YK^"\%"?ʽ#~pe|1j3[4aZR—( GT:Y9úe-#_O?Up iSdQJDu+Qr;@pTЎ -.!+Œ,]!@a(satDҌv=nW4>tLi2DڿWn:xSƵ+B<r~x8^oNӎDyh8bj&V]bd)c3yc ^`dL6.7GU|P1Dq긜 [ќc름$K褊 =AOc)p5c[_b ji&`d -@V_*!NV7 -s|[ir[V+GWWoqcee7:֧Ge)Q[5Is! ZO_lEG|UǐPJ:݀ξnd~buDwQW,9B8Ee;ˁYwگ&%[Gsǎ1uZ, ܄ ֈ%rǃJ<Ӑi3&z:ȝ׶kʵU p$лر޷AiYSuWS_?nRo_?&i:ok3UiNW9(N\[.w7\0 u@}2T[k%JKՋbHkxPAJ0,_,o^ @[ Y;طJ DuȟѸ{Q0Q7 U܃yx/&A#H2Za"YwNϾ!q2Tw[b/}oOȡ:_+CIߗ.g0y5,@s!{nXNVc -*I!WsEz{)$06v?DļDD!ـ;{I؜2]sͷ`3O$=aZ@ P}zt5|MTbuˠv@z=@)W)"wntނj"𯄡SꉊшUgG+&[\P6Y,}U[6x).vޯHO~1舣oJ -djx\ -}G{m4ܫD[˔%rcw UжRM vC6a]*  ?M`rAc>u9oZ>X@~;ƀ^3ލ!eZEAF(kg4܄R:spǎ)1I&GߢA|dQ/|8ȍ _L2kiSFo~| -/ۅ1O,6 ͣv=SDMSǂ%urqߓL{=ڙ,dnOg2(sbW/G_ YH&w:p !n[X5xͣSiF$lŗ7IF6 `EVớv]v&^8 δFM _sqGwhQCb$ݞfvo:ςoFhgiVڤ2h&˶e_ -^1 | }^f0p^\Rl 48'.0ʄ1''/l%)<&| i)KAjR$zsPK3X3%o v?qgd?'ED!ʯAIT݀ȯulҥAH)HF̙ƚ{ן&2rR7gLx9 W@!;`L{v:ORAZ9=*UZec}͕΂,rLRoj%NGM@m'r{odžralI8WSײӈlz2Bgvk@=<+ u@l|;]}?wM^ZaȝT4}fhBS51$%zzm&/$xT*F `2HQ:Oa?Fy`+3}5aGϫ@gHsJvh V랃HSnb!X?yD:RhX *i9k(Sds4RMߏu>w̷C$J~sIZC0{r«y0^{[efz:r$Fq_ L>>3U9!{Dj B,oDbmdmجmr$rFEs.~a%鸥|U'T/aihH.`ߞ8 PW'|kjJ -8cL̄6?ȪKҲGfB\U*MVsV?Ye5.L&&wbzBâYaze:Wj݆6M.O1.?討@ cnj_{%JhT~ &W(Y_~¿]][t!7+ΥLQ t{ܖAuvS--Ҥ"o jȐC|N 0DLE)FVDPX{&{rth{1A4Y~9Ӛ,[J/Ɣ%4O8 2w^(pm1=} Ǥ1-n3svr Wc*/Sؠ¥鞿Apw5X06Z]}!` -W\{7XW6_86Ql5#m[(X4Y4t?$YMk7&v=t+yAs~i)>˲v1Yc\v~gGS0|62TkFqRhyfUKJ.fz.VLĹ5Z8+,y,?8RpV4=tmFʴ@Ia @+qٯP(4әs9=}Q~mjSO0 yHF鹏!v۷Z&)ǔϑ4gho T;|fȕfYAN"&_R6kZ3aބ -endstream -endobj -599 0 obj -<< /Filter /FlateDecode /Length1 1388 /Length2 6325 /Length3 0 /Length 7213 >> -stream -x}TuXזnF7F:m` "Hww4H+ -"h)AB>9>/2QA >)sCPw?p=VG|L}&O@XLFDZt g{ `lszxNܿFzM;ix ngSFHerevt xP9nnw70_i' C#P PbJ>𷻁 ad{x$bb)Qq 4F?dvw)d?ÍjD(o7cw ȯI!`m= -RvwA5r8ü!f`uyxC@@ -rux{7ACݝ"{8>8 HE1 BT@-FKL~ADEB(?78. 9 ȿ⅁-߸+) GP흜  AuKI07OD?Q - PTu=/ӯ!^>0H*D-0j ߦW*% 5|`'j\W*qO)A~E} 6t((o)< Qq¿{=RiT6օڪ_ȯK#_#~;\rv.f=@.M]g ~_DĈ>=ƵXWݼ*w~$ZTވ;_%muڮgPͽrtX'~(vo3;Vu&gKSyeW},!FJJ=[9NQyj6^2yЈ7UhϙD9 -%t8i.sGwEs;x%ON-e15t6Z3SMR\5g{ͻo"ﭝWVKhCyG{c8mNe(<'\|+*؄-;ӱ:猪Jۣ,?TjNUy/:0ٍq<d]z]4 KĖa:S.WDV09VPbf!ը\lWݰꆆykfMZM#O4wz~y }#./;T|Enո|]^OS2lMj^pr˲䙾ݪ9$oYP~IJSR_SC1F[ŷdG^R>CMTG :t1.,_+)?Z D, =ۉ6YN/*͗~{2QF/~bKUEf&"u 1XR72lh9$Ҥfg>>0I^86 -?Ѵ2z'y8qܘBKaz>IVph;MqqԒH]`-ąfg¶xo!gdz^TaోX|YA -̃+e>oT1-fB.tZyJZ_myI*#^Plj:ȘCg>$ȑ*.mrv Z'1P*Y}Nd z8A1׊!"'!P'd5Soy_5@{SZb}֧3)AMa"&XyEr ٰF&gz7fi0>sCu#eK\9<ďzO;EI?`D ae$A 3&;d;JN$Pmxш[@ 2rOK5#(2'Kp8Bnh&eN ݬcUdO M%&O& Fd1TR 3R[Y1,bjiK]MYt`ȻB;r`im֊,/:F$k2GYk#_/0I !Vv0 ä2o"ck),ND1wB-o^ըDݩ)Lmc˴jͼGBs2[YȖ7?;Ӯ1Tmi8H99OqaRUmD9gҜj`l*"d;z M_Mt*'0EH?qUVx4k,wSjh5uN픲Hp)7#4<y^#"!ah[yTX< cjZϳ\&@+E80U-Ԧ ➩9;Ao[u[Oj0y6uEV#Z -B8iEIL=rusբo$:=?ܖ ^jo\j{J`OzYQ߈cT¸72''ILAC_^;٩C?G2o$ل$&|6&s-F;)v߿+n= ,Ҷhب*|Q m~oAE,$ \7I݌F) -./B">\lWИ<<6 ҲR4!49ZW̦d lغ+nۦCeG方l3{nVN$h/uTx~H酾 +|qd᳞CƘˇICecaʧZ@oc`b)#xRkx]:##c†~b/^I⪴N-{ۀy;@9]š0NSc'Pg7O-X֯&L4ms[h- % 3/NSR%ŘR -}`/bǣ - % 8 vTl^5pRn'^}X:,1X8h&m:eYN$g+IN:'|y V:vCDJhwV -HUtNъtQ?4F yЃї~v`?5gPy˫FI9/ u#lACI'tQlQ 3 -erNL^뭛->fE>9I%}dx}# YLR=sYHb9Ztf:}' [d] /3&'h<tu#ZRBMnTkn6ۭEJiƭhD)u'%6pV1A ҙ`-$JJ%Řag yu13#B?kt~kd +q@ -ݻAٶ]*34θ gӎđ8:de<5"(puzK$y.ɽB;pD8IWvzyl -OK'8%QydHK%Qd |qM,(:)@Z# -7WKlȺ͇qx\$яjWRSE|;^lcBOK?:EV ћyKT .w|Rn1u+HLEQ.d}e\>g N?FT1&S84AɱI|td/s!F,^Y/g2,d.ZS~m0>[GOI*urUЀ8d?0 -endstream -endobj -600 0 obj -<< /Filter /FlateDecode /Length1 1873 /Length2 10572 /Length3 0 /Length 11556 >> -stream -xڥP\֮q'Hpm<o4݂{pA[pgd&̹uv~%DAN$fkDD1798ۀd d%B -_j Gs[3v82Wu1@d`b01r9X@F&ο mFf +BL^U>3([lI_*gC󌉉U,__;蒘)ɎE& 8/C###фL!jc,lkm qrD`b9 A6 Rq ?_`u&6rm.g` 0(jʉs[ ~x1t@f׉  )b,icb K_]\_+B `rNF]_Ghza02osNB(cĜ5A$ ̍1ks+8aOCuПٕ@VGg.AS+ '4w32V0w22X96 ״ -T33s#K##?$de{홃NYYLHml^]vN^p@cX8 Fψ0؁mf@ I7b~#_7b8~#_Ho+{o+ oˑf_o qFB_EF]buDuj藈ѯN믌 [=_"~gKoW'Xb/lfc~K=~g]6/lN?fuob@AF?fm-jn]y>/nX0/}C.i&A>,G#1v*ϖ.4ύ+GH͗MKo7% 9a?B)Mjkd. ȧgRB]< jr,2b,wē?Lη@%@f`ARSܨS2gC_ugv[mD3Sk[Jm^h_p)?@\mfrd#w<*3\kWQ79 AL#IDJ M T-0[$SdigSǶYk-?5b5= KXZM2UՓSjƱ5aj$! o{ton -Ӎt0I܍ʒgfTurs w D/?^%DT!/e0̷̣֣7cha' 1lpCBzGU4; u/3(řǕũhi) jJfRgOv0?HӎCobtc0'4m\ଔybs7O1iqw簈 - M_)E}IX[T:pN-Z~j3agq} -4K1I -|d9ZlӪG_ȩߤ?9wXi@LOM G欷z|1>I!A} B>KJVBuGʚ7ifrzwljW -]rWr;5+#ÜWVv5ZКտG+XQk\1}}?t6EF(D*k9a^B=d:qqXD~W AW[F{p|㈰wy˿!٘p7d;&Ɇ(펗O$GiN/&52Ȝre< ܝGm745%Aݫ93}!\ďEmjGNOg#(o09XMioJ5gm%^>##@]ޖ,_Cx9IE;|r tW|)NuЍm%/[;:@t hmV"g"3t0ֱsO}GB!=sK?"]Q>YCjVF rwQZ_%onxZ]Z$B43w &C޷]5PRAd~P4Y0njlCQI[SaJi] B[8Cv#:"1D&ԫ"MjT*61+֊>a5FJEE)S3n'[J~ZKg(V[PB~vdApZE"M(. Ri?U !:+Y~\e3mDiy$%/4e~_ᒖ8JG,姺[ RaA]'lQK8ζT #~Sխ?cְn`QNf`|tU3c]Ec۸u3;>(Ò_V> = Jd,RRn7#46e>E(;9#v'B7֒ݚ6L|^3Sh:y55V)e'm!_L{ g#ze DzZ|#֞&IGT`E2v|^9t$!7!R{En'bږ;y\&!g4ࠋ:c(e"ڮPZk -dƕ*jIN߇zPXB1 d21 Ttt!6Щ(-q54QO$rw$^NEM9R٢i\&<jP~*2c>&3 QW#Y9'Ł/q%k#"T-  |L\b[rVg --NOzi?aZ9(`{4cNk-bD /$ZOuLfq(J;MFMA7 qJqED"*{LR)~4Ǵo3bB W+dόO~6}&6HqI -ydܩwEw,%hv\ ^Ք_iFeDoCB4~&i4hʰF4WlLΧXzG !HIeCӌ1< -<[*]i,x{XȟcYfa`<#iM!;:I BX+v0 rZi8`ԠuےJK)%lf:Z]m}t"75=fOVR:;"G -JS7qhP_Z*6$YVw=&7PF]J'`N|80odJvy - d3"e:cHv?XDk)ȼTkuGq}zE4A_A]*f5u)C X(vO(>co1+rtUqݮ)0&JgҊVmܦ8(*A#؉FJqW*t}Ļ qޜԢҚϹbyUeI~%:; -R^C,peˮ ]|Fd -cܔ24kx}F0X}tWZ%A2ORRvd#ǭ/H}D| % -jCWLGu2=x=>Ob-ZW]Qډp ,-s|WzczUOK/㩡K >FzXF9nuyYtdg*Pytʦ\4ɮq!EAJLF{յb˓U*%\GI;s0 Kf}PJbD<^lU4,yb)(P~\v/z>\5f+Rҍ9[ pӮf37i(l7 L6Ubht&F[. b -2 +JHҕ>K0['+oYF/K@ -`څrf7v`Uɳ/n&!6H_PJ0rH)m 5,xwA(:ɏEYEc"wKyNt%#Xvލ -Ӽ+% %="S%k h˜/YU{ul -˳ _м72OYTMk,;*qs;mW̦{#}m vh/NϽw27YtRb( LԟumT`ٜaFHU4JJGg&`f610/^;S bsfbsk#p(C-Z9L,&\3VDg]OnsKWh/_G3n; uVP}>bY1PhygGsz 13AiZeH9in5> - –a!ZPH&oX -Sط9y?`ز5to!RҕVK|xPo{6sTO\y@:#?f9wrWRCwȷؖc3.p|! +>Uq JX<9dׯ^~GFYR[o2oje-kIA@rRۀ79rwtYS}!;}m{4(Ř!dDD4\>1b3]}]i;44RLC38E7 W#Q{l'gL>9ުc ݄m\ҧg5:r{cs&PA*+W`#9@}q]ႜ̉S˒Us8R;\N Vؒ=N3m.+Ճ\shcEH*ttcmQae[ 1.pf&Q'~Byҹ=8FK֏W3H XFR}7pކ4L<|oX0NާW${9fc!zNjKH-.5H%9iP;+S|9nat? "xf`u]zWmښ:˅OdRĀ[2s^|dF -2N!2 )|_Sh'jBcqsd%!o \9 urbA ֆ<6'M!Ǹ?ݖ@!hbyA!²,9;&ot4!${}$t3gŠ[adrQ+]FK!4yJ5wOHONgZ*ֶhzt1[[ݵ.Js$߮Q'`I6_+5q\B9 -vbUju\DgyQ[x:ib_#X⩱:?=S!{.z RBT4q<'0-;k%m'^ 1x vx$%Z@Q"A -2$|w-@'^WQ.֦“vv¡oJ9߂q\]kfv?D  eCF,R6/aady$|ݎws@yc(~:MV@Xr& - 9xʠ,Sp6x@ƾˇw LLo'QAa0mtUX**'_7#5kYqY u\ c~0HZ{#g!cG.%(n3%:OktmtJp3w}ry׌U\Gs^ %6^ACP D0j ophB\1??TτG$#sCa閃oGPYCOUœ~l*`0ԉ-Q4ZXfEۀ?Z]bEC-%r_:f!weO8#q !iueޢ -+R ]jyh<@0<u'U6e_ `gh`N -8`xDTS{*Oݓi|6fq<λ :tc>]( =ocjmalIۥCV|pc\fع?l+T%"%U12ti(h9N GDՊ -+uHF!|xZX,)Di2P,ԹR V*i҅e"0{ -WA٪} -hM$*-u`y'6"sUj{`]xZɹ8KwQIr۔*v@0F: -b)"dwӁmE)-#\'@5}O~lA@8 k`I(PNlqw=)%=[cnJJ2m}eO^iڻG" zj]Ng(f" pR6 hקlzzU醀S ]W}$R& -R67Gnk?8SaXڃuoB7)60f+l4M+g_Ð{k(Af%}b+Gfv鞕5$C̯;y'dW}ư?e>0[#9Ң[ftD7q3?Zh;A# }|ӇPxQ -P+Ye䩺&7l.'\U<2.5qiP <ؤO[úȊJelk ݏƅ質EIZHeӮ@.hM )gꑀ` y!CZ_:čφS;.9f|A'l 2cyhEHq.A+8UXۘZ;} ⊉X|4D:U' nCm6,na`mt yJ -V00"i -?mA|nK]RPO 6 -ΛiK/ .1K"ċb}*7$\qTEdM06ޙߖGc]9tertTmB?1^%P0F!w7% 6~)1S-u=F F8wvRhw ;^s*LRj08\V\@ 闽t%0BMrJvkY z#w5nh`^lWvHaof']C<]&/"©u7WkH$ -LCA2*M)gG*˕JsI&}W*x36 lA*?߶s~"gՉh*AVCz6Ô2V#T*(&/eN*D<~r.me!477 tBR2#$ j#v(h2mW ;k3)q=/0smu)^(*D^:kdH3 oXE %& _'mzY0kf&rf?j9~8IpF)|Zzc\QRTtǿ"Q{cUq)hl~DP8uɣ`r$@/ɶ6)hXz~Bąk?`ޝ?o[Aݻ=8 -p/*.B?'1}D-9IhT_S h<9KSw"ʎ ݂ߦ슰ށ G2> -stream -xtt&]5c'?m۶'ٱ1:m۶=5ZskUQUdD*tB@q{;:&zFn1*`ggZv -7TEUEic -4 );3{5uuo@oq*.&@?{-,m,E{ZX_v@'*`o0mnigw*f.FNLv@gnX EY.ddPt54o.0:xL -àg.@)nd'Ł_jf2;]t`UQ032 YlF#ǿ/db72Y9qW*@ _ #[Kk--\t*ZS6#g+ @_FΖ,T-,MV37WU\錑V4sQt18Yzt g=Hdo ԰4Eaa{7; +3q08X|7 hK៩@صe{`?.X9ÓDb,CVgԚAҰtᄳݼd|6Ee~Rry*P;a_-J [-oΡ ci1:1g%zy- a{nonwJSe5~u^n]0jf* eTtsA#exiLM1'V۴,>&!gBnp'c=UwEP4-k!OwFUu5, +:6Eq C[*̹e贅]Zr<, +dˆ|W~qGikG/'{Z ou}*+x sH 2>OFs *S5q7:=_`-!BI3cEyvy*xHӿE 0D0_dyۛJϘqA^>P4;,܇FU՞rY}qE*[B:3sSo,AZ@2s5H2^Tx~iix9N8fr92r7T.6%$ǟe)VDZ"JS 8I[mç7*=ia ->[7,=׽kt]1>>﷔06:_N"t( -w \"h]!ͭRJKX2.z/ 2lMiJ -805%J}u&hENqNuDŽ"3e#OL2pqKjXv-j9.'FLڏ;^/FsDD+&'>6MZ`hЊ')vuhlQ/XR? VҟLu/33Nw c:Xc-$r 'rD]g!~M&W0m !S.0 A +~*̓5^2eؽ<ՙW͏.w07-q-QiÜA:> VCԹ&^AhDGDsrIJڿwj!.\~}=-"XCVԊm-cݑ].԰1gDlĒ"GQ;]7.s % "ӑI-arr:_Nq]nOõR{+&G̤sYH$ Ck'Miqqa =&.HvgnI8,2\D+G?4/B F}ߨxI'IJB@ -LL8qo/e2NFEf.T )8LIVN A"R07HAQ%U # ) [ȞY1|]$5v-^R0&iFJR%Fݙd -@6&&"7[/%M˗J}׈,GQeLJsTpuV rX}4xH Dv>AOqNܵz0%ohVWZ1MŦiСcs36͏s%}?5FaM!/asXz؇ܷO<&=]W;7v1~t/:0/~]m5oGעThtIMR@N&H^3>A./nWQX2HKuFŜ5=o>K~fX!uoIfTTD^W~9TSC8RJJ5dyS;\Pמ^ezO(jdR1&ldYOHHin{- Wa浐]d8М-2i-ۨڿnJ5Kf /gP{]FaV頩w<4wZv}8ހf:[?.T %)6bIFsK?Zq;=$i"8o~~|Ym7YW띹2p[˂h'%uв6CCChK!mfc*bⰞ@|O[WDX -Ftޯgy8o b1+ZI*$?~PKޒAoBN'c<@lZ !7+o"/":Uʖ' oS!-m:. -32?#!02!*܄8Pn/3тo'9t!!K4~}ݵ:[IU"E`@N/XJDEiAR-룈|0hK:{ v dl #_zȰx څ꘻eb3cQ+y8V@1+{={579=~/ ^q܏8 A\  ASĵÑo&M;׌7Jy~z@죬mR业D3V*ā)qr1*Y}/3D[lBlWib,z@o,c":pE7KzoR #t_Bɕ'a*Q^PBXEiپ;?ώ΢}Zxhgk>7s4Q{O*׹‡qm{(׌FM|XAՙ -ƾ='p:Xraؗ΍hwڟV6l,;x"<[>^. -'cż ۱l)c?c -$Yt(3Mh8P7M`jIvYM -G0/65Q2OS -u5?kW;D CSk~|<DMӽ;gdVCv>n~,8@urE0VpSx\X/9z ~,0|,<{iWځ.@WkǨsFo=X763ȇ%tW:t}z{x+AnpgGk}%a[&s3))Gr<24H=+h3Q=HqkgO -1:/Z''<96H:t fd~,vYo]cLOz=@%̩g\0v|g/,4Wk NQsZb_! `#}b+`gʚ_Sw & UX6nZ3V?"ZOt &{ aE}G?J[PF@ y" 8QPbNstڿ'kQ[dr.%yo4>kk+Bu|~B8yG4_O λXq2}u.JԸDjf!x 3iqCYK(jp]At3J_8p:k'(z =Hc9]Pc:/ub,LfQ1`K9d%yOYhufEY&x_1D !fJ@jSWh=c`5-osN0eb#_]rO57|h+QނGި<# -G22AE˃mʭPUs"XR?#0Aiv0=ZJ@NJ -4n1J 4äj 'C~ZIe`RH -Ibb iLnIR-r}1m*TMb2JKmvȐRO}eIU,,X[LށA!.(ά(vw|x.#خJQynyy4ѮdGk[]H:&V* ?߉T(p!|V7_6SMG'tMԆ&ʓzj"GG'8V~($|edI6D <6ԆyƳD;!ԥpեҙcn>0 %+}h瘌%HeZ+TǾg!Sxn(|OERA,BHn%te s|Ru3, -Ic8i:.t_͐IIr;7cx\2HZCT?&- 'D_5էZǮyPZT/bu0P J.\qDŀ 5-g`Jkf;(axn6C$~.5h罀ނ?,:u9ÀT+r Aڗx8DCz@[xV%vLVNq3֠""YV-?̊lCKU/.CfT@CK犥KLsR4`;c/ZS\#|64R!:~`FuϯcKvd7 i/*%'VۀX`\@17WVBۤȣj$6Od]R~hcE8 ~/zKB7E%.[G$pSp9)<18/_qhZG+LE3*h.o!m*N ruc>z!$npݴvWm5u/.k* Ul\ˉga[\3ݬ<_4ο#X-z?H4k'nꮛLP 5-AθŌ~[ [:aOcM UAgM;5ulR/$A-{~Hqf`>dq.%1xގ@?}{~m,qCr#N`]]xactJ8΢$,B@kL. AZ XѓyN6ԋ&(ɕ4\{Xrq&YuGyU.Z"3#20\*x ,D]Gx^{rZxdR L|甕疨Zmh0 -V\]%Bh8sM1 ޴wzxpыI+5{tWFwEndzh\C4hOYEE9)(>0P3r݄6;blT@9ø|VŭkNmu4v03H -e =J?ч]upU %瞵rXvX1(a*A{̗Q?yĂEHىFU'7Xc}`T-s<8~V}Hen]r)PXhk'^1K9I%Xז{u[3<GFԹMG=K#]jLy[Wq$XJ~]WzDyTwbIAdln\)gJF~"#"nDn1 8QRX SKA1΀S\}n= a #W+Cp';s _8ȧdžAHeHXBGI6Tf7/\΃KAx%-ruk\6h+<Y:롌H^ •s4z(-09> _|-qSY/Ca_PO#Ane==RY+_9Axشhz;5%G/"||}ذO.G|$8s㉨ۮ)<=btW*3uߓh._ ‰2ӷOTS줢I{_ P -$ADžxD9qsh+e=TAVT3490m+_Ձ/=$} P )9DHBSK= %Nybʭ,b3iԔphAwlmz} UXJrj]#~y#hN0`b+7] F ywSq?vWޱSƛYa_JD> )jl+H'Qvhk QIaUd?pW!dyA vð;>% -cMP- E+5d?¨ҬZiS0:F19 {aܰ},fZA8C.VtL5WؒD(s -HIgyV*q{InsmFddJiBK7ۗhp*ô;gVql`&1;=I'쾹.]P -UG($NpƇ'_-qd 第.e7z˹̲6nfe;6SѾHiy-xPmWp!vgO]02AӒ Ǜ;Rz`N3k !a) ⸏;,RP}/6TŚz'M?fqVg7P( LP)Lʗg!TŇѫ@9D;s#(jY/Af.YO?>qT""4Y0oOݖEl* -8A%®s<ߌ)mPS0fu9b@#S~>H*U{NlD -38ri iG~NVψDw`ئނpkʿYB.r2#˗%],.tBV M6c`\1f7C CP۫NՐI^;1rqzs|6n-iZ 1`pL^'[1%^)p_ob'`N`{1LngIiam=S'1[r[ 8Ҳnm5g0bO3N94&~4yNq͘Ul(U"csZyJ6Kp-CAoRMlxt 0yJwngAksIr Ɣ -Ĥ\LX'm~]51dWMV +hq -C[d+b<Ea%}_# AӮ]`Uw5DClj5KQTY⏣(\=h깆eF(O(Hf(kdJlJ,,3,ެ,]wj}|sZBU;MMg $]YHF[&-?n 6Wi~gt~W~1 0 /_[y&E"bg[&ڊM؟ǚ,R!b q"º?li.١kQ-/L|XM -!d|L̋ZOj%hBϞ0EdVz;GB\-Ӵpi0 *ʯ6)'xJTC& H -̬?~x ?޾:‹4WiU!:Ҹ*}߼ &̔+x14aؤ%gֺf 3I3UnYXܴ_0D6QW#CNFq^KTgAۏU`3aq9ꋢpfL07iS5GLk9W -v(s+FVWi ݺ5}qX ASZ(}cEDZuhٯ6Sc;V$ty*oGI[suWUpV^( -EqӮ}widV5IHp3ڣ2Ym`6$NtW9ǧoa^at{~'Zy@N;^CYxRМӰ"ܭ:QB }n33bЁ[`lP Yfx Jb*@2S;3;b7#q'GbWaα0ùn8=$`Fkv 9 Eqx /cmH(<d}v[2W *VBQ7MOc|.]KTB6s"oi^~E[i,'[;iNݾCK!:I($ -:cx%󲠇^"f. Xi$t~"6w -C%,xOhH(n"=5$f@*'A+{WOMߌĺ59lo9 -&A+l7 -Am^N3s67Ϭjނ([1qL3&BQ*6uנ#´iuUȤ\o(' zvV݇ aoՄsȈe섫j:8Y>422@VѸd9/1W^ ӛ]#|RbA3J1q(FO fg})fL'mtM=). -}H`zBda2uj\-1Mx3 ?,me@*=OuYmxf,"p_l -THC3.QV5ṱ# 7g"ͤλۇ]8ؐdǀhy彧5ϵmÏ{ r0wS=El^vM:xޓ(Ƙhyߓ:C' -:CC[!Ӟ &L%3/2NH+6`3tpfcjŲ}'Wv%+pl5>`L4W6v1 Id%\:-{{+#%z&W1Ɏ3ǁ3N|2>nBbjuI,ԉ)(~\\\rRTANOfjy&ǧqy=2CZl==0Wa<01J:[Q 6}tn{=+%#M 5[^ 8~Ӕ~u-a![^ X,%*'=N|q S >_P>FX񂏭JT$P?z(p藦l"z8T0 8ѥcW=yJ,iaɥo_{itxJL,r" -ƿOZ$+yq HiP1E$SOjgAQ'd AWh KYqQ*vfe$N$We0tB\MUM̪dZf.w;cC#pAW#Wȸ9]#2e~SʽdB$|g -FJ Zp\8{jwn3஦HFVR`zv8v.= OF `Tv]3uw“`/t>u-:_kA^;SHŹp4`:3GS?8=cQ+^?;] Vs1*TNeO_;h̏rsZ1,  5/Z"bcLOu7-|V, {ӠSb M1 lA)ƃ CSF#-V;r m -,γ~U$=@@^-0Fs2B` NXNsF"ܘs QVs̤Z˥6QBY␁A۠FƦ>ڙ@L/ -K]aTowJvstú7VBд|}eQt=Ȱ?<$V'E¨@oK2Ω;Xұ۶m۶vضc۶mɜs7?ZzUU?[ԥU >jn\!|JOcSr<oVuiMFDL?9t1ɟ Q:\bLZsۗ}ܜcٶI! - #!hݖH<J]3Rs{˻bF[-:*ĸ+S统Oȶ`܍m]4uO|&QJ%.UORRA%Βw;J F:ʀLCFMH IjD_Kgr%q3q7=ח)cx2v" DÏmL9b(Vz!^ͯ}ٜ -'F:ti ?9dx ";'cJ>kN*v*dKOX ͫ$Y 6U$ ,3b9cŧ W'dŰ_jh tՍᅥXZpj͋ZR*sv&V z-)%i\.m-yܾ>*tw-hZ$Ydz<M> \".D^l=TjKIڐ9$C%Y!\Zn:hވ1P8S֖)IEۦ˚uX%bnTʢxR%uPjj<,bӻ#UYz1 d ~ u#˄9-u[diff9)UפR QIƍ=%oeڎ2~cܷMc3=lda$zh믲TH4{[5Q=5,N^؜(g52Rv2l-N<~m&kPI]ɧvv~qB.ii\mV6eF$zoY#dQI֦̓ڪ#P- M& -(3ņUpM^Se%3Rp>Bz|$.gYDcllm>067UG7 c0ƬpH>Kn75s nbJNʻѵ{V3𾝠~z? ѓ6Fb0RV. YTW0SI}č}} =uc3C %!S-@bS0x.;@AF Z8#x3yp͈8Φ&A]؄F[ZRȲ$^H{_9!8E[#r.vc1FDW}b]k=Z2֜=Gs9{(ykQaf 5Izf÷VO#q1]BlǶvˮ%7bhI#7K L3o~ i%z~l0;ERgm:v_n5줁iF +J2SNVn݄PH =7u vLϥX/F7t$C QyaKbTKuT-4oTc'Td)++BW4~!@\EЯN~`cԒwm2o8 4;v .zb>˥=p+cS3 [tl -HF}&>'N8vyX䌛::-xi J ߹3]ݲH9/p!+*}brgi5xq޲"  -Rbw^xo(EM5y3lY -M gY S]a& w qFߗyx4WQ2WWnZ6ɮE5 JH -ԑ˜u@^)T;BPK<X5Ne&"J9B=bS$g!L 2BKgvf3N{3x7蔓up,"Z1- Ж \ma[o,yV\}}ƟwEa~Mb\@#Iùn=[G._oR^]ۃ_e߿ QyRpVP]h{ {'Re1EM!6$)(G; וtPg専t&_LgKKeݔWtWa,)jPs8RQF?kg뻨*:%(%L%ҹR|2 .yު(i{,լ?cT[ -j=/ڝElLG`nʅg~R66Sú{ '14A"Q훯=(JSdhmU9ɐGzDƗɅƍq#6XjNAJ =^{pEu=k-Z-s$ 41cjqyBQ M.vROnU[Gw-BVJt)FU"nMT%rC/,0Bqa[MY LkMɑ"|w"as5]^;/^lIek; U.<̀#ʯ yVU 6vwuˀ zpdh-f%+NS$Dr3r9b.(yءfl gbª~X5= k"Paǚv-%Zac<^0NTy.#X~W\iH=݉xqT)yVKlf -sMFg֛kRe-j=P -a:.>H^8\ަe;TA]fML? aZsg):1r|yq%ri^xHZҷNsj)3a׃i,_t"B -o oM'geEfG\}OXjEZ[L,b'68aamvg?f_pV3lSH(&Y2w>cTx#ܘsvGwk;VU,.aJuG -LmhO1iE1N/b7y+̉%Pr@*]K=Qj̫6&4Kݴ9G4k4я60Mgs6((#I{+T9Qb.+T>c`O{7@xɲ\&y8$ii#ΝU!*?qG}ZWY$P "ln`!زKRg9"2 JC]j$*9 3^͊eQ໲:fmkly6*gZwb@ - P9HL_#K/P̥P2jebM!.pJ.#rȡ"Eg 6dd%,+ {DO2WkzH |6Avy -Q!l?.p柤Z D9D~𹛟 zDl8'7 0yxfTv*Mx0Pwbqnb_s`Njz,e _CY~ fՖt#Me -;XUd?9#- _1QiDd/@|̓Ƞ dMe?J}P؁z5'i{@HtGTHq،#jsDɽ; }^8y+rWo X0htZ( . JL! tur9FULN0 ݓLݘߞoB>F7]oz}ڛ)Nu{<`O8HL{b}c* پ5'gw*2$^2.4sTbԳ24ӥSj2ӷ6UAp{ThW9| xL qq\@!t FBXLXA 'wmgy@oSNFTo8WKZrՔ2RqTYaJ~iюtzFK{;d۾Ik|Ƽ_q*~_]p~sN9 <ʺ(1: XBUH99oRBFl7_mk{[2l\{>]-_NX}~r Zm낥y=38{ZpߴS6.;cVf05 -*&w$tޚt[>|-lw Pl@:ĭ?>?!.U,gv5&fN\/ K_ͬQ*V_F,P?lY|Dm;c*+P7^  -yAjFIgB1I9ut~`B4xkO[4+co6a]y$MQBl½넙cnS#RA7Үܽ9]Ș ۸q1GRW ^1+۟cDXVYm))R y@?}a{; 2Qyi#SA!lN i C!Q-,+d|#ocWt{;|CY|&β"L%uRH:ujJ{?gnwaN, 4j8МBhԆçnH+OrKU*¿qGKʚ iq<,%pj(x5Ke3Ʉ""l#͸@?t x ['P1+nc)Z?U:0ߙ"Ƅ6G4+O$:GM]L {hRl)ˋ85*T3McF w`fSK@kpDa,{eIt9<?7>𚡹PHg8Yr$bm5@A:y'b)"˭sRYnd}MYo'e{/fCI -n.1d:*w.XsåH[άݺKyȶjhvJm%\Nd^-;{1 +q~+>ܫXr&ƑLf*y8I?ş}{FqZoI`3;nK^5'a$=q:o7@22^p"MDkF}B Y˴^{t=JsK`cѬ 9k-)[Vt*U Wa8JvMuMr`_Ψl*a4̔N1IٚkE -G o -ꞁ ` ^PTK*C 3iNuu?~Cs]}v|)#`;biad':[`'qoBTͼQIZ*ju+ {F@w^(aZPlSla#qŤyMٜ*C\jjˣOԢ4 JGvyøfC$zTиZwz8֕c`p#ie+[+lGĈJw8?KPi {t}X6/ĵGz quMt$ [\@X{4Jo -`X14ND(ZۀpBGlY掚1B Y=FCE8s+w`<4WY=w??h ѧn_4 -N7{4m_46=TCAi+ -L -1V4RgP~.sYSl{[= -\9 wTY$>8jnމP*践N.= n1'@`nfgd~@)W K -g))rCXc(=O,= Jtr "ϭtޖZ.^:WlJw[ - -džoej_#'0zuMF@[qW wg QiʶxBتqX$hh 7p3 -w+%Jxg nWo7?[Rqr( 3yQ.rq&o,ZfLg%c0XD_ ;t!j͑Gi;,N2 64eGnx17śQ7K Q*$X8dj#[/SDRǀr[a3 -9mUpV͏d.ſGX9U_жrme`zKsK|n>q8gBRJbe}Gn/̱6YCs|9FC7RT\B`F!_kA$  Q]j't$))1Xxײ 6xDӋ1^:KpWYsu>IWĬ3Tۿ>o+l|$V7ݮ0ju,1?wfEpCa5q@[ڸd޺5}~Y`+n.VrOL|֍%HnfL! -{U$|6^jSKŽ3<D>t*AԐT4!:cPh("&{fzWjIjζfdNIu;KPD;,WT<6<2h@c:/RPiUZ'Q4V]IDXilňJ#g{  v#~ۂoKc، -LR*M+M^IK3렟7'z;YI5͐6V+zjyDp$|zoH[Wԡwy%ؗ,.ڹUU(:M&j[m< r!g˨~>WAF{ aԖu`2D -@V)D#,mk˪&^v#n"/;I|/6ud#N6ĄWC}ƔƵ.p'LL -zVU-`=_?ROjrCr(_P^K%J(ʘ!VJ%JfTsu#1w/Rg-[z*>"^k}4 bjE-O]s=='ڀR(u,`~˄~)Vp, fVU5炙UY\9ѩWC Itm -0rV@.{ -*;9AOFKG؉2xTE^$:{;llQSl%1uBeҌWMQvH(!e{4 ]%HplOd{˪^Ge:O+Z=*!i{> Q:"P*/`*dyLQsB{Z/I!9qyL-L: \Z[%wOO$K(PKYF^&wC`0~)rYfQVΧoh0(jdgmgѿ5h$MQI.Y;( -}s)wR^:4e"vɭb.kgp  VgEu,KSOo$cAG&xeBX{Ox#nQmpy)E`i9#@;,`ej4Aͨr8\^+% CNcwgyaXGvllQdsd"\p  v(-4\ZŖ/7ٖ\ +ֈl:ܝ&UO'$Cpl添{_C%$^S[uȾwYr8RoR܂VEh?"f[vSYv%LC7P6ƶ4E`7_3Uȃ7V9˄'IDS=rT -I7&2ZmLR*[U&?iOߴA7Y2tuZiY$(G͵)?ԸS^f/tAn%O( I_-B_9gʧB3Cy?`agmLRX~o1Eo:zKi):4fg C?Vͩs#B7$De<`Y(%6Uav!Jw!Kg5j UIdqVZ?[)qư~΀% $z'5G >lNw]\ΥN4tA~Wo@a:$jS ?UFZ澎mAU2*T)ܸ2ZY;֮5sU~^;-9cRsɹՌ=5RKer Zߚ~W~)p'<[VlY<cqxzr:_38;,P[4qkr˻#Sz٪K)1}#[/sRv(Cbkt`%#ٷr[KN=o8tZ_:FٯG -]넂I#v9ŭ[./dX -ϢnC%\\-=sځV+,+YqTیH嗖&X~j'غqֆg=(4=XZˇ3^ -B_x]=ʟL{@s'K]AѶ6@x };.5B3|z3/n)ψrѐl/23'ԚjRח|q8z3b8f14\e/b`YL(-\dTuTLTe%uYmM1up|x0*U -n[ W f6P9PUOV \7#OdP-e՚֮Ԭ#P>bOLpEv9'3Yjp$K֕E4`g9 {.-.$Vm=B -;RH5g厚bԪfHq c C@$StWxv"fpWH%SR!01KOqӵgxJtR1!ј_W׍l҉g4k8?ﺑKlj΂*& <PKwx=ܝ3ABre.cY;̔e*a,8lZ;\Qxj\`1񺙺15yWOFƺ?9d?P;1V>2 !DRI:K!Qʉx p0${zgo @ 'm]t~;ȓswMt7pFl[]&|@]љS'IıY -b}%-Խ}72 툌?%m&10 aÕ"QFN aҹ=fÓ ;iL4L|"c/:<+Y#㷲-Ck%&J<9qS#SUFm:1|92zGRr58Fqy )Ƶ/6H=8.16up},[΃\Cw[CIxRXO%v-$87s /PJeu'CW=H"}l;m:a<Xx --L63"Bw|xT<U^FnyW:ќ![2fzc| &QpS+YV潜WDoRZRN;SF b7,wv;%9c汄]qF -7`-ZӐ,_>K]s-Nٱ9Ok Aō ;WyK|QD:Q`x9y! UÓYyYӿS;!#Kkp#Fڮ -oÞy+A0k M;2N޶"id"]g1DLxBy)-*O*r:Sm9Ȉ(ouKؖ'Oz!Cݟu&}5qBWNQpH(ÌL)5U'b)=YK'C۔ h{u2N8EnXeTi4tR*KŦʦ$M_VLQ/Lk^E` >= ~}BU܈Ln;$? z-1&<Y -6-LGz®ܾŗJB ]`t -" po>8Ǧmʎ+c/wӇ$k3#-ta*7mLgaC{W}^lZM̠ MȠɬ J4$~ʚ,SH㍑z}(C*jܮ0MU=\\{YxgSu@ ϨZ;@\ ]}6 p<1WNx3M& S%Lf'xp./FgžHmOPCGvrv -*_&>\Eӑ!2!+{czh/g0 MƄg)}w^ -V8Q;h+xA=nZQqijnqӍy~㜙% >i|ý]m!G{S|rAtLhαU(UXe%K4K1A.^RR"%m?_x~_9w4p=װv0VUހ`kU%U4kX#>.*g+zt8e[*F۬6(m(&M to蒙8@٧ތr.%GeXPPH i g[ E'kFgJjR])YVZ1˙b)N4H(y{&}x_J,|5D|%@R#m Oa2=qP9+xԚ|%oDeIv4Fj `Ej Сw6IE\qs dК -v -OmJye5$4+ޙ_#ى1HAkl,Tc8Vy -uB_i:Ef"|M9G>3c͖ac'?8\ k93RU_o KhdB[TxO/4K?_"bWtgW)XRfOgڏt~8t8a_ho=b_Vtn/MN"4EcPGbᥤe+v_ŰZ!~{Z tA{7)ڞ~ !V-EU&Ers+X~{l2sQS^+bdښtz4vGR 2 9`|* K1B漞A?z) ?rGG\ȼaɉrWF䟥YdL^c4劥1E_cӱGLz]-{XφeMT -hǙ%_͡^5lJM -ayG> 3d:֕wQ -s|uѪ2վ`v3zkޣT97.dzBH7O-%Ͻ87Cf$eUÔiQF -%x⬿ښV'L;t*;w ^v,I8#4oSQmfY -AU+gn}ґڀ1t+z)7lݳ^͑Fm"9-pە4i*-cՄ1ߢ%6OQE 6rգU5QoډO!JETK0!F] Ea KhJ-|bӒc6iA -M5& - -/'ABAь=p 5Pi1 0'x /wXq&/l*L/,!%vg/ -ϑ<=$k K/QcD \Riga3XſGDTuWcGR -Onct~ɚ/p㡓qմzAೊ,xzH&!, )~x{i!-ѝ6NiyZ0C>s3kgYV.q?d6,͔d - ",Јȹ -oI_iqU|땻W#tbpG{l`][i2u-gQ 0[oH^3= nX"$k^ z%$pZ0+&A+CwRR~L(SMѐ, ՞EGz;pnn]xKpO͚I)zA)b"le-p 3d]S/8@gu)":O9}#aXH9ŧoJJP<]D.3 -7g=]BS'6S) 3Tgr}n9G~etSa/Ծ_Fxģw&ЖUo:W}6/ׯP -<Ҽ> oݖHOX(+Jh2-Ț|,Nr~Y,@!| }[KL9:&/!vI3/AmiW(0ɭ7bc $M|E$gUxR5_*Tӏq1`[~lPMxR\$g+n[{`?уfvJҎGK/'~nl@yiAy|J- :ԜfbG+p"v)Πpkva<B b*-ZXw:2lC"Pp>=b>RD& U/߇K1 $,,FNޤesIKzT ,'4f,3?[`D5NQT4IҊT?"x9ޥ͛dH+:,1~gmkW W!F_U[UZBIM%x}C%؟`GFt2Fnaa]U?FV2^:|NBV/طNMPid4JV$8 q hV -0ER aq6VlFz^jCGH90i$k"rDž|5Y*PhE{%{4}sp{&&`؍U r' i\dxGgPOԊK-K1c0d5l C6ݍTs?n-o-a %}$?:ϗb^q#cf~> bVP]S"E褎xWRzg`ǒ'aSD,GbB5'̇r1 n?)->$9xHaGCݤinvV=JLPBƤ^c;/F皱)t1GnJ"\:6rwkHk)*(q:e - "xnj( 4\bJuL B}ԅ^=bq"+HHqtvn0?=J)NoAc[,ya|';p 7=I')`'?@LB׊>ayT͌3mZe$ΖͨMl3̵"®}߻4Dnw}Z:1j~<{͌c' $ףB`*RZaP 0קT[[,Y36ŽɓxouTX(q. Oڑ0Um#ʷ KQWWƵƭכrm>'Uf#T Z4vIk- -^G'Dnv&OG fa ACuh._ǗcmzA8uxbv%(NF*P*ʄ?XELF3na@d 0 9q -S+A/{]$trN ȣWc&ipR.)9'R7KvbF &s Á46FcMm'Liw3 `t_@oIsNqzO!|{v*F{~BI=o`gxgU 肼SϡԦ_Cpoax[(jqR%5edIJ_$ YFpO_XUt/?U6 3 ukӧ4N<#f&_IXBTq:Y4gLkxXiӏcB;AYړ^{<|{!  ٖM!fUo/x ^?xJ8;LbФ(]EXf"lj> gxEByt"j7^j~^‡k): ڌ?n)4[K|pQD6yc"] pZ TA.vlG{=wtU_9:XÜW84=enGkA̵+ NkPٶ$3M;Cp Cf6kGeC~W7l4=xsx~Qے#TLO>OT/=|)b+KFL{~_p})E*c&.Q<)ȣ<{7tskA~B]7e&UWER`|>;.pҖ)e_g^x\b?N*9WX jX?(R3:%e^*DLZL\kV}Ӷ &Seޜu*35 ~He4?q 3'!eNPT!1(X/kc !-:2w7~WKĪ}"B6̉#]xMsڵD)c@{Zo|4*rI񚢣N(T^ \6@u,Vx=}TNkVK So -/淉={`/BKqSGף$h)}OoCA2st6Vݤex1f!Q\7ak#dV@S|FPb ņb+g`F׾FZ-d4PP޳f&AŹ۬nKm6pDf5`pЉS3<)kV$7M/B~\nX6ᔵu!~yQJ?%7 A:C'ɃaDHxpLEWKNF{O|Rxn94x wp&[$=߬|`ʹ slN(vG8kvxטЩT-8$k<ߓrBdw0VF?ƄW2x;H -RZX #~u&lhZq={{{Fʾ<0~LђA@Ehd4pܙ&t֖Rl 1S%@˧sdf4N%ty`~A#Ff$}avHv$rWk6C)JY}%OSqЩX#g_Pa޻T- .t1oI(Mο`3b}F'N;Hg%A>2D iRu㠎E |̣O+1m{pQ2E7gգ{ -X\VϴtbTߝj -:l yeIzVdIO -Xcq{Շ rAQOh%zʖ-NAh{C=D9 "dqJJ(S G|?K&b?^G#=6Yynl7w~NڱQj׭NIe0W(ȯ;Yj"fӡR4 rE"FoDP#+(&߬\_Z"cRl7D)$k>2"aM2D,7/id?ZAhxƓ{\v]UBtjIU`%uYW} +zXO^qQOW1a%3|{B!קv8$ 3LLI1#GN\)I'ąJ,XKm\!%rA6H_ eR4CTL+U㙮n;FjfzqZg" (]!5`DlD(v9:GΥtݏCQ73n{i]ŽBבMP%h m4־䤶VxBi]fu׉ ⸞GΌ];!fy 2'am59@ 7j25W"}5MߵWG0S4U\TQn>6f;n}NO$Տf֨횕lvk-K[Ǚ2$\ơ FO쎵hȆ0@X o6+'TcW519h0vx+^;LJ5UXJ=YftY)1'#%J_jp S:&Zkf:{q\8ebFcI,AC#E&'a[Wvhr!-x}]1M W9[ nG4J5mmX; |+3gѪ竽4!!yULparhI%/ϼ[)ʎ|!M~ N‘ANy8svkqd -z@"Z؟A4ֵo*uNP4q)5 x>-=AniMflN'$zdzwo{eRXVΌqJŽ? -; dd :ݬ^~ε,ad==5)Пaڗ IxcrPsz2=Tn|B +ͨ(q3cJ%Z{jpآ%[RP$#P)  ȹnx +ѲB@GL/~ؐ*ޓA$:a|e"l="N P-q@A Ef ?@^A; ˦ k.=15EWtêhu^77Zˎ1-hqt8f|T ,>+[6ew\<丽`.|_F> "6b%NϕN=`;qK^ms"{f")/@Bfh# k`Pش`2ע -i3z-1GuC6*/~' hNC+‘Mko1dedMrG8~K}0mslzr9$ rZCTMvsyP)- Z0] Pnh[r)$xRvVzExYbjb n9u{s̓Imc;tBwP)*%LQ,E_-څP_",*hx>?"1O"QTOnh6 5 rD#v658T LcG@N~ga6^'νo5F63ՁOdj9 M@^n<ԉ^ᱶK/TFS].&59cy  zW,+-KvA;td̯y3D3ƞvԸIݪ`%n5HJ&|ibE4c{ caзNGIGǺQCw5!Ogn Z-.qLIU*XScq8U>-sgD_K)>vȪ:c71Q" Z= xT(c!{"ad8ox*2-|Y_D8تyJKz41-0 dot`i=ܿb"mCb4jFz1HFU`.]pA<41~Ъ,wRl:@ x;Yr/ 2ªˎh9 -S[qJ=L* #k41ox{g#r5sӷփITlmR[>}w5^R}ܦ@ q.Ay>:LTb֐'3V )f*=?  0(#*_Vԟn>O<9G7Vq[V8W0oD*bk*IТx>& C O\ UDm’%DsոdQ$ "Nl[l6jz$K_=$ecB'6fN5U`2|֤'ʂ8/j՝zО - UQٱvt.@57D@`؏r@9F{!8 p7H'GIK -/39Xz4ȳ5WGaYkޡfz5d]q*SDl,_)8#k;~pJ=oIZZK}j663S6>te~\Pu&ʓtΰ`PGY9v\*]fuȬEOx -.S)i^穻)!zm7l(ΪM*'I\*[0.ٱyڜֶiF'#QcJ$fNGY5J%}E;]зЅ[+|\h΀IKM| Į|8"WRvk?js6#=9P+x.Si+j_A-BsU4|!c7GJVߎ:sǗN98~%TOȀ?-|(O[)TWi f]+',eHdߥbg*8y6[IL\X ~368A8^O2̋32I.پB?3jixUzL8%Amet~:K«j@]_JSS\1&7R99rH(m_;C])E^B{!%΍e~[=ZX.vęr?m' `byX2Eץ06  -="/ukY -ʺxSSY6"YvB\FWF:MjCYt[ E.?Hۤ)JFDUո˛&:s;W w̆Dt[_SN4xY4Q9+5@2sUUƸYU_/*w9&i3;N_{0hU3<=-P=Ǽ]h%k0çrSx$bcILG{ mC4P .uW|f&O !h5qC̵*\#tf6__tf1SaopSNCw $|mk]-ڪ?qt#{nXg rj~\{4!w|nL?;###EAOߛpUnjH*BHۤ1I1GT2}"hNi܅;Dy!oa'T-ԣ;('ܳy )$"Њg:* LцMz я׮5uOxaUWĈWr0df[1L_| {(`Eyl۸ +vdˇmb|YꄦE`}{UvmAn_O>x_~Ĭ,؁=b  -)pK'ƴA&LEdAFd&<|FWROLT -MX#Fg92Pl^kxD+mpN57(38NZ6yϘ`!Ef-D=-Qdír!Tyٝ({9(fЫ{Ӈꏸ *Ba -B47c}+mFi:\cBhs CThj]w\oؑ|Og? ^iCP@#ځ$2W eC_v\~x͖wVq\!3\ dhKlnjyH.g!kV-!7sqj} h8F^w1Con0^5yjnږʓG3z8DPP{7R촐c6ike'veVEd )-祖s7Vg% ORH.(V=~x41dFN%=H+\+*~qׅ/'>7=1~6f'Q5g ?o}oC(9ee;ׇec pHFAA%@\q<EZO;FK.Jp hw@H@/Fے!Ġ#j=&aܑCd x7Sr"288{3w=In20P& 㨉Yjn:dRSW8C NY0ELfPa]h;iν=k "&~P}ֆ+ ܀#UGb4D+}M $tK)'D0nSata5fd8_\W うԩcLJjN ހD&dA#0 Z!SL- Ƹ坶{j3](R;YEuqa08;]ܚ㌄<#UUMWL I&qE -C9f! da"8l D:&[iHIf:z3O$qDv;" 7-v MAk@u60#Z=hF |]{ - x|JU蔊:XI၇E -t"}_c}U:6 ʬ8#TfK!Jhj`3Ut>*jiM5TЏKƶzZց7:eeUm4̩x&/*YDHsla\lR@zr.\9=4d˗UV G [ g%lj}vN)Zο&I7yUO cmc]uZ2zɻ6:r!(1sfQpϘx2駥Yo8س lR 2ҏA^doejNꎶ}=(eK xcb<'c;sO- -_R .;fP0Pq`L_رrgG9JS6oZ'eɎ"Sib/B cxmDFɣ (71 k|8N)ee#hU) Mo9m&fɟe?/##mE0;@< --P`űk(*rDZДvx8_rxWiys}ߊAyZGP>% Rj%wEr.4FKp ounNYrk3])sCNX-MSL|ZQ ~YLHz4 -" w66 -y<s2!\l2Df`oG>[P]=FpR*"9aZ4:h6 6`@-Fi5г⣥g'n{)}'10dϵL1M;חsVMA>/ޙ UqM@Ai:GP}[.-vAԓQk:gN'syT@ vӶA;bne -UpJu҄_|+> Y@kQ2ZXh;aa -"o_ôw6Oו,J)ƢpJN T~zhd]jU]wvBu$K/ů,&/. <滱lY3 Z4IRM_`@ -hhE0w|z7{Ȕ\jßT8(3԰܈,B-+l'Nh>Ԗ׳f-+G^D( ޹%U-\lNʛeCЄ -8s)QSKZH --9mwSGXI/x5]RvsL"=|uzgvVVsDiI-4 iV'E"?pX7.^iW9P@}*5wQUQ٪}\oB - gQpYm-]7B"5鵁ExbxP:Ln'ȃX /`r6_Z3,UBNU$ 䧉a#ڞ~m9^At!G<(J)jOt<}Oݽ;ps-?w~"Hv|}eO'2@ tp~cR8y9o1Lxrv6]]jz(Q,y;^ -Ƅjߑ}?ʺՄm- DinWNJɷM &͋ߤ-[&xe"tNϠee ]Nu˦,s` 5W.GYBD86Q#ΟeL+59K(-rHXIZ/nQ?TRFj #, p L;щ_N<3lajFqX2>1!mӽ5,}5;Ϯ]:"~aΒTCʅjn -l޳Cl=WV |<\[ב-dPiVI`y.;J1Q!l-Hӱ-Bv@"W];A􇩀6;\y_ZУݗl-Dzymr`fuj i~}]Ԙ2d,V;Χ?)!Sp$j-n V:bۂW1}ܩt8 - -s2}+?K"9wm ?Ro34BVQ+ddɭ}<vJFx7f_/qz栬%(UicPj?Oh_ n1>QMet gy`zLuzqV5F*oa,YzZ+kǪFlٞ`_HH~#oq"Jdi!/r}<,ͩa A{TR}EC,~wHGw)+bВ#p~eJÂT<`~ςjB֊p<+вS;lHұ:DqP ݐEK]"w9h}1{F#b6Y(=IFnҢ&SQ0K'|x"hoc%/օ⋩i(47~C_T@5.Eh㓁8H)a8B5DƮć5v~Y a76F 6DGōKoVʴWot5~e?z̩##/D] ^}<<ǯ,$[*kDiMŽ8…6IZ+{}9 o )V`WlMJӉ=*- +DʾyNJ`"N?s%LLӽ~ArJE`QgNJ(1ǯVD3>7XXK-Ya9gRA5>ˌw0یa6)GFr ķJȄ$Z~h=8g)\dPrc2,<(qk0ay݇<0p&0P1ҤXP%#[_R2yu>+ed`` -"~'j{bn2g2i Pmi3mGП=d.4>">a[{81B"X=l4? -\4/>Z2C[5:"6؂Pz&WAsoHcEU 9]k< C$}DH> {|_,0ǕY2rh s(exj=܊f4EhV{h+wPtWBWeuST+*H3ۃSG e!aG6%i%ӫN }j|.9j$F7]hDT9Hb] fO㎏@T)Dq1jdJ {zkKz G1\?g5+]|N4wMۊ\N?FDz -65*u$JrFBr%R? [M7"6{jmXHO\(oghZBk̸3aXI_̃YGv/CJd< aϳfw i QОS3.ru^IKc[s,vaA -y#bk!'TG?9liQ!I,1vHnSc4ybp]{Yf yTUƗq\h]yxJ $ -[.zYt^ .,5%2j(O欮d;mn=(y -+h#&vrH37do;G6~<:wg5k`6ig38vcf O ЛSa$lLm)%U9L9y'F mw (Rf-eĸdZ'%{OVKB]!'*=!%Β*&hRTZ̨BΗSގ2Vg Ƥb$#(?KfveL6#t2&ɭ0xYt\L֪4箱}nuH1y|judml[%uoH!LjxM&Pv,_ioGUd% d͵Z)e3UpZ$e5}腽Ȧ7=zCل -JLK~<k؇(Rz`{HB&q B!*|n8؝̭n:|1uWHvŮMm;l@;ާ P>ۅ-2 :q"B -pېRVCJSp<@MAoU0[mo[vC ~φƩQn:(hg-ݯmzGžU=ɰi9~IvIA@+=7W{ ;o(h7?4K"*+)Lce%K\T?/G"ɓUmrF-D6<'GL^ -Nঋ5TA50\yN;P6[C9#I>v@ey4 g)w6 W{pS"H٠9/&eE/V N뺂_\lx` y"Q&[ ;/ 4; w MWCY_ArEOжnkC.YE`h(@3IZJ\D -v~ vdSin{Vk"gK=6劣E# -cLY>Uk@8ꣅ!#}NN!Z*nA&$\_ʰ;'T0XEYڢKg2l1h?x\fڕ!-Zu^Rwb_D|;JjurK6_M=;ky̦UP2i_Y;g.:+v,s>n[K,Złc㥆{?K x;70}\=$emVF'#7`mK͹3XrTR6kl^BCT.KA2\>:3Szo^1 _73W~s=TLQl -6ϯ ;/[!B$b%ջG'QQ/يRZ.)HIF$9&_ ~u v#ȥ$ k2ڎ3ֶj |!cvs+;}|b䣲4 &mvVǧ%^wG:D*_SM(NF8˭C!p.IFT2 iSWK*菢UV.;͒icP +v|ݾۚzoբk&x>}ڕ 1Dgלb'P#;*WF6t/[[%̼,;U (Y(픆 (fʳF^?VrW::6ix+-}A)x$"uxz_SH5e6;17xqzFd+#(jUvsRJPu8@PH@ܫA>#9Glߏ٢Մ_Ximc҃^RKF&VXe&bpԮۘ,38#!vSA+R_MͲ)8'R1wAzNW;`tк}_X\Q$o'|Q{a`!R`7"7N~p&Exv2NSd2}v>ub;D -0WJn)UO5B>[n uq`q# g -K 'Ǡ|{DlsvR+J:mE:(e@ 7,,?)`F -ЮkfO۠>8]D܀?@uPS21qap1ǩ2Y` l3 -T 7.2y&:_Ѓ%zC3LmcOUIG݈?uP|Lgbu&O9Q -E~15$bJm\APi>V:݇ezs.'yWs2[:%B?X;>5&TÒDst} 5jZ ,W1F -+r/vX hg j|ɇF!q`8{^`!}od/a$s5dKDA`u[{M;)2|2=H85w5OI2䏧S^C&1cIXEHhPrޑl끠.l@jR$k98q4Zdԟ3zhTy^"MaBDMnHLaZ_X'RDrH#wKCǐܱq)Ȅ 8~'Uk7y|Ҿ@\#ë`mz3Qyg/MJS Ϣ 1&e|Y9%:d@_7im?ZBᶣ`ؒjk1d(Mѻv8,pCm#D^]҅#&fDdp~膃韱G[{O[/S;|%Ni -N|e 3o@Ld Dvb$)PߙKfsɷڲ,4kktj {#SQp$B\7\HyG׈!dVU.FPR4%^1Qyzet(A_cE(nI?tݴCvm{"aGJیGi@XZSpx~sl"I瞮aGy"lً7PYt^҅:<6 IW> XL%&x] 員$(" ~t9A B u kD_k;`%+D ' x`V`Ŋhξl= > -kV7OG 5v[dk9m _@ l>uCi_G3Xk(r2%)3*_ykO& Hg",,!y j@6s$og%W9'Ib9Z4]J4&f{+C"zAdU@! lx==YBj%}6{Qa3x+W}[ ju+pсB{(6ߡBrZf%Ƞʩ1Z 1J?WQ_WYA$tZׄFGbl}~.IiMejsR\Ja4QgĝG1[ksӄjMy+f4CHd)Hd&,.jm(5yW!z/tKpzB~O39Tjƽ8XWJN_'6A I5drV -9Tx~ikSvo4c8?K;Aa_@D>D̺x1|g"g&X$tn-߷yW@FdA-f@gq$ 'Zl;<7ztE/#NmբB*uc -vmXV&;4Ԧң#,%/uym7E d-XmU.Sd v ?ݿ$Ft@F%gL:p_b@0Ym‰h0yi,G aڍ`-z"2= <#lXA8Ԁ]e9) #(S:;e >ޤ 0ZѲ'1{ং4& yuXGs`6\ +pcD t?zOA{i.2Tpv#91ΣUK{X<5zy8n_oKbAݩ}Ÿ5"sTM_"zPLMnT=\So {"_'g.wdD*1PΣҲiNy8@XZEX M1%[md+G4Lsc;*Gz1˒`{ҤmPZѷ\A̿FWmybafpS˽=״b~f葖WB 1ʁʆtGELL{9o +fLP*aH|.!r+L:0]fF -Fz{=;+/8e@a`<\5u+3t UYs_\Ӌq{*Ӗ[MOh%He({D,T9.BV]&}nd׋I^r8P|qHф ϔGM|~8dR~0kg9$xCPL1l(~YU_sH:+6[\eԷzuIn mSќ7UV&¤C7vA50;ZQj I;i959PC~Ii_T&x\ϾF:YmP%N1ZN%UAn:_a*jqiH盕q0Ty{z nbrg":?tSJZҮ~>}B!<(Ul0ʀ=4.T-ul75B+:C[G\L'PK yyR-<ͫ(CtK1P:S xѾXo9b^>% |92SՉt2RcT2K9*y <"L8+9B%b,LQtI_M"g!?дCid;?_s<ȱyk9 WI0=nRY1ՁQ+WH@$0-0&Gލj(pA3jFw"uy4^::S4 0 `w6s%i,nc%[ -ӯVXgJ ƻie,#&ےrpZ䋷Ҳj>-8,4šۄNƴo(p{l` H:śNZFR^Ũ O=[$5))ҹOb9{379wHVH&97]r=%-煇>6+=cO+;\gnվ%Ѳ k]|5:>I)t~:t븝zd5:!w)JOUQ(@j~SNh5" P1䪄o,>/[}dW~L(^:7b)*%Qq[L?FUAK [\`h%Q %'>^&MG?eZ"ܧ40[RG=IڀI -it벳*+,fsf|~BkjTJGCPuO fѱUR[>bAhp9(go]zD/7xi̝^z -d@d` #7CSb`Z|EJqRd^ne,EN@GV0"`&h!+!}MsV:s򗳌w  8n⹯8mAeimGŢFK2ϭҞ/o\L戯e+˥@P"nnW\o#B< y'V"Tӣ7Hscs^$ݹ;CT_ -U2M*K܊杈]ou+!bY$ux_~ѻDi~vr0iP-ꕒW>ݶJfM{r+oվ+zc- 4bЩ2Xp"J] M.1#eD{EK:HYzqE&ܨowӂ ʔvXq}k0S0dA-w Ğ&2[S .jp=&Vb|-W体0. 1-R5aZ%xsq7N+{,ڕM%lTsGe%6L~u”. \D" *XNoۢ~cOuYd;L6sC:f -4oqPܲ&O~'!dn{щ萅OzX2cF^eڛ\V$|NIX^ˇG+BSX3.l7x] -nVC-x^}-pƇ&oL HYaZlH:p1ЩZw+2/yC8*2qe5\TnQ7ֹ=/3.\Ww ~ |z4+[6;.2I NhR%Ղ_rJ>J{h6N)A3hrnʿ}ͻߧ4w̪4j!ވy -R+H]P?vT4G؞kܕRR,:ɔK/bu7Cc -'=$5Wxqt)s('e5Ahn9;}s)%e|OOjȥzu_CվqFv*Di`d|-shC`f<&w'p*-w4G+)̡W{#]g#B([eԾigw&/d7c!`U|,G!7>)s )R.i&OT[JFtZÔ(;TYl}릘/e~|sz+2p$$8 B}Ijέ̄+۷B́l~e"DŮx$z 4lk`e3B^'BH -Γ RG \}p;N2; 5Ðм&~e4" }~]٢ JPhpVm կIr"O?m ad r}kp -endstream -endobj -602 0 obj -<< /D (subsection.2.1) /S /GoTo >> -endobj -603 0 obj -<< /A 721 0 R /Next 567 0 R /Parent 99 0 R /Prev 566 0 R /Title 722 0 R >> -endobj -604 0 obj - -endobj -605 0 obj -<< /D (subsection.2.3) /S /GoTo >> -endobj -606 0 obj - -endobj -607 0 obj -<< /D (section.3) /S /GoTo >> -endobj -608 0 obj -<< /A 723 0 R /Count -2 /First 724 0 R /Last 725 0 R /Next 726 0 R /Parent 6 0 R /Prev 568 0 R /Title 727 0 R >> -endobj -609 0 obj - -endobj -610 0 obj -<< /D (subsection.8.1) /S /GoTo >> -endobj -611 0 obj -<< /A 728 0 R /Next 572 0 R /Parent 102 0 R /Prev 571 0 R /Title 729 0 R >> -endobj -612 0 obj - -endobj -613 0 obj -<< /D (subsection.8.3) /S /GoTo >> -endobj -614 0 obj - -endobj -615 0 obj -<< /D (section.7) /S /GoTo >> -endobj -616 0 obj -<< /A 730 0 R /Count -4 /First 731 0 R /Last 732 0 R /Next 573 0 R /Parent 6 0 R /Prev 726 0 R /Title 733 0 R >> -endobj -617 0 obj - -endobj -618 0 obj -<< /Ascent 686 /CapHeight 704 /CharSet (/equal/uni2209/uni2260) /Descent -177 /Flags 4 /FontBBox [ -400 -243 1032 871 ] /FontFile 734 0 R /FontName /UZJQXT+txmiaX /ItalicAngle 0 /StemV 65 /Type /FontDescriptor /XHeight 450 >> -endobj -619 0 obj -<< /Filter /FlateDecode /Length 844 >> -stream -xmUn:+Et=%@m&֑\d2ps,E61O?7vxE<\ooStscrַWcG?9$ۥ׬Jk -'k3w6ϗmDS7EşxP_9TJq#.RZ]3O(~|?Ox߿ ݝ i|'_tz!dۉֿaG/qyz?yY1fhthx_}t'N9|3.y~=W*! ' -{r%⚀R@2%eByl@W(# ICl@F<~$ <&VVc&jmX@) -04P#3GfN7&|3r1)YH W@X2^DL+Q+X!F!uE*KLuHN W'NY' ؍902aWL9&9(%@{Z誹#{Vص8k8FHj'n!h!CgW)lIE.3z]lcgwEژ> -endobj -622 0 obj -<< /Filter /FlateDecode /Length 590 >> -stream -xڅTj@+fxFoc^`<ͲW[;[z5lA}Y}P)79ve&LFc.#ۮ'&9U P˪hoj a[B򲩎\;v}{Uk[ȶNlH"m9KbXX!t7H;{wm$T.Fy]ȮW'i,9_e Y_΄3&.񰩎z<)O"J@X`b'Gn.Db Lj0r`yfJξA5.* f# @Uhk2&}{HYѝ[*\q<1Do8bSĖt -w;z=H0ωu^N y}3|ѳpS|$mS9 BBu?0sq|s^9o[w_|h[jӊܷTZ_kf5_ -endstream -endobj -623 0 obj -[ 720 566 492 715 719 304 270 678 553 848 714 732 540 732 601 506 578 684 637 923 681 594 618 535 524 431 538 443 336 501 563 307 288 519 292 863 574 494 527 543 388 400 351 570 438 741 515 ] -endobj -624 0 obj -<< /Ascent 441 /CapHeight 660 /CharSet (/R) /Descent 0 /Flags 4 /FontBBox [ -45 -187 2238 794 ] /FontFile 736 0 R /FontName /JESRHI+txsyb /ItalicAngle 0 /StemV 74 /Type /FontDescriptor /XHeight 441 >> -endobj -625 0 obj -<< /Filter /FlateDecode /Length 713 >> -stream -xmTMo0 Wh!$;S 䰵haV:v=$ Gݷ,ڽRھtwg.k6k+[MxrkqnMSi㥲kRb7k6RIp8_ OyQJ逼zo>I١nn#)-F˓k~MshJ_a?tWR͟vu.?)s'|P!^\BWɊW~Pޮg+4UmeݮyJʵXڳMߙC[TO0Z;@ 0@`@#ɑđq-oPȡ(G, Z2H89@F1(դ4NoHÇkSZpqR:[(.tJ rΑ S`{׹Nds\'?'?.&Ww=p3LO5iuԵ숰1lgy`6k g=9R*%> -endobj -628 0 obj -<< /Filter /FlateDecode /Length 558 >> -stream -xmKo0]P'!BHyJ, -  (h+X=7>&޷4s9ꛜf}mM&I+QA8۾ʷԱiI6TF羠1qRDRSvvsWG*4S1]򇚶 9JHeWZΎ, ;e Vy7Dz/j3P]6XYɶk5k -jJybo̶3z -:_bG Rvךбm\UAmϩY+lekdc.0 5Jp!xj!, F!B3őAH _%䋐*MPFGK;Zkfe9[Sc%5a]07:s6xi8pdXpN ̬9;{fl;K9<|qw1B=}/ k=6 _pd {9Ӝ_}pPn:FxM.%\]ը?RDo[B. -endstream -endobj -629 0 obj -[ 808 945 853 853 853 853 853 853 1323 ] -endobj -630 0 obj -<< /Ascent 438 /CapHeight 438 /CharSet (/greater/less/uni22B2) /Descent -9 /Flags 4 /FontBBox [ -342 -214 906 786 ] /FontFile 738 0 R /FontName /IIOJER+NewTXMI /ItalicAngle -15 /StemV 82 /Type /FontDescriptor /XHeight 400 >> -endobj -631 0 obj -<< /Filter /FlateDecode /Length 673 >> -stream -xmTMk0WhFKv 9l[JאqXWoG3Fz&ݯL^G wwwWtYZ]#źmC^R3)M(8oY۾^86팃mƣaL`ePFepnGιVmw'trW5l>;4m=\%=zBkFd,A<Ӻ=tbof< f6?j`[.YfK6og\XeUWsk?|et[[-&o<7uH+ DVK P"B!"0PL3CQ,bHN`I"XN3M4 H?ӛTRHj-`T9 -<2POGE arۏ&:(3Vq%.)BęBxA1*81c4 -XyځaAr.YA K /]NO\~b}/8ArDI4䫄idcfiGXY%V+,E>_?ۘFl!TjoWGNKGv0O/ hշǧzTя^DRzx -endstream -endobj -632 0 obj -[ 418 418 636 441 636 ] -endobj -633 0 obj -<< /CreationDate (D:20250605072812Z00'00') /ModDate (D:20250605072812Z00'00') /Producer (macOS Version 15.4 \(Build 24E248\) Quartz PDFContext) >> -endobj -634 0 obj -[ /ICCBased 739 0 R ] -endobj -635 0 obj -<< /BaseFont /AAAAAC+Calibri-Light /FirstChar 33 /FontDescriptor 740 0 R /LastChar 42 /Subtype /TrueType /ToUnicode 741 0 R /Type /Font /Widths [ 507 507 507 507 507 507 507 507 507 507 ] >> -endobj -636 0 obj -<< /BaseFont /AAAAAE+Calibri-Bold /FirstChar 33 /FontDescriptor 742 0 R /LastChar 44 /Subtype /TrueType /ToUnicode 743 0 R /Type /Font /Widths [ 686 537 503 355 474 488 537 347 226 532 538 246 ] >> -endobj -637 0 obj -<< /BitsPerComponent 8 /ColorSpace 634 0 R /Filter /FlateDecode /Height 214 /Interpolate true /SMask 744 0 R /Subtype /Image /Type /XObject /Width 214 /Length 2977 >> -stream -xq6E7 B)8[𗿜* (l>ЍqTCrۇ}h - - - - - - - - - - - - - - - - - -@u -}|V7&4o?!px7QoohhxhW7IoǀP``1"^' ƈk  01b^,@vuE?y#=/X4XI - b}ǽ!ĈN#,`g,Ĉ-#>LpӂEg?6-Xzfgq=1x$ icZA,Ĉ w҂Eǎ'^Z #)5c5D1`IQ 1"w @I`ˎP 1>(;Wg_`;+pq:cĝaPj:-XRl@uJcĥM7-Xnda"f -ܴ`A Fln:oq70O$4h? zlW,,Ĉ~,#]=f`;)(тA:"c a9,Ҡ\E[ #n -1kX0FlR`*d@X5M7gq` ^ՂE 1ذc6ql iQ,ĈBh67,XAy~+ -Y #nqZZ0F7`gW؂q6נcA7",Ҡh~X #`X/ \ЂElHC}Fg/?]?<O½%#M$1㟦ՓT7VqNæS_ܣKMt`"esHM^+hߔ ?&B1Z: -7A>92Gr |ׇaoUJm3L twG)e@u:*x&dBww E+K@WiX!DӲxUU 4L<ɄEiU^@R5ȄTiJsyQM%6/L&  n+' s*.g@俿æiB~\8~aYH'Jmz{!d%5-jqξA?؟FB4z\ly@ 'v J~pX]Jö׊ AXؾc^jζ{ ¾4n;4%L8G ^铃PŴ -.Ѵ@{^ ۂNu+${ @W)1b`o,S(6{1Bǂ=S4_ O}tFS[ 9#N5+Fx0b+^c:L_a0 51GL0Kt2Tf@U$п4Z&p2b%^Z琥f燵`O``fȉF`!5ဏBE Fl f_ނz&0DTU`G!k1bU{G{&qKaby8Y0p$%01<Q@,d=b)EZ%؛e9 5(dq v2ť4ӽd6x|8lVKgB3{gl9n'YpCGԷ].*JJ= -Y>1Gr.f 9`|#[.3~W=_c>fB@w鸝O° LCE BX=OO .S9T2_wTV㪏BRZޭerɛ=uh>1}u0b/7Pz2e WlyUj9~qd zU3.Bx\|!F\kXHzg'Y37/5_ާ$`{s6f:9.5u51:ُ'61wR^8`[+ L 1n$,x';RJ>9|)ksZXt?NNPp^蚀0I֏BW9){bg􊹛@{Ə+)7!Ĉ_ɶ4t-6U:^vNFlsm{C8+]|@i ?_8[bsGbEGGBҎf2H.R_65뙴 5zuY - |BoH(((((((((((((((((((iOu4 -endstream -endobj -638 0 obj -<< /Author (Yongji Wu\nYichuan Wang) /CreationDate (D:20250609221353Z00'00') /Creator (OmniGraffle 7.24.5) /ModDate (D:20250609221353Z00'00') /Producer (macOS Version 15.0.1 \(Build 24A348\) Quartz PDFContext) /Title (workflow.graffle) >> -endobj -639 0 obj -[ /ICCBased 745 0 R ] -endobj -640 0 obj -[ /ICCBased 746 0 R ] -endobj -641 0 obj -[ /ICCBased 747 0 R ] -endobj -642 0 obj -<< /BaseFont /AAAAAB+HelveticaNeue-Medium /Encoding /MacRomanEncoding /FirstChar 32 /FontDescriptor 748 0 R /LastChar 223 /Subtype /TrueType /Type /Font /Widths [ 278 0 0 0 0 0 0 0 278 278 0 0 0 0 278 0 0 556 556 0 556 556 0 0 0 0 0 0 0 0 0 0 0 667 704 0 722 0 0 759 722 278 0 0 574 0 722 760 667 760 0 648 593 722 0 0 0 0 0 0 0 0 0 0 0 556 0 556 611 556 315 593 574 241 0 0 241 0 574 593 611 0 352 519 333 574 519 778 537 519 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 556 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 556 ] >> -endobj -643 0 obj -<< /BaseFont /AAAAAC+HelveticaNeue /Encoding /MacRomanEncoding /FirstChar 32 /FontDescriptor 749 0 R /LastChar 121 /Subtype /TrueType /Type /Font /Widths [ 278 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 556 556 0 0 0 0 0 0 0 0 0 0 0 0 0 0 648 685 722 704 611 0 759 0 0 0 0 0 0 0 0 648 760 685 648 0 0 0 0 0 0 0 0 0 0 0 0 0 537 593 537 593 537 0 574 556 222 0 0 0 853 556 574 593 0 333 500 315 556 500 0 518 500 ] >> -endobj -644 0 obj -<< /BaseFont /AAAAAD+HelveticaNeue-Bold /Encoding /MacRomanEncoding /FirstChar 32 /FontDescriptor 750 0 R /LastChar 116 /Subtype /TrueType /Type /Font /Widths [ 278 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 556 556 556 556 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 649 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 574 0 0 0 0 0 0 0 0 0 0 611 0 0 0 352 ] >> -endobj -645 0 obj -<< /BitsPerComponent 8 /ColorSpace 640 0 R /Filter /FlateDecode /Height 587 /Intent /Perceptual /Interpolate true /SMask 751 0 R /Subtype /Image /Type /XObject /Width 512 /Length 3955 >> -stream -x  Om7@a 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` -endstream -endobj -646 0 obj -<< /BitsPerComponent 8 /ColorSpace 640 0 R /Filter /FlateDecode /Height 512 /Intent /Perceptual /Interpolate true /SMask 752 0 R /Subtype /Image /Type /XObject /Width 512 /Length 13152 >> -stream -xeey{>ootӇ\i}"!t äTpT&b3L &fLi*jf*sI+Q'3ΈFPLy+gfמ^ZPֻyw^{},?@ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @ @<,[eSNN{ݲF'sS tZ:  WZ:-.L`O|hB `^j@iWΏm,H;v?767{ĿXOLpA$4{o ~q& ,[FU>ToGG=4toѱZsz X%ࣵaom̾ ack!DBV 8+  %`Z-!J"4Lj'/@ack|;x@*Z`0̾ _!j-Av2| 6:VKC  %`Z-!J"4Lj'/@ack|;x@*Z`0̾ _!j-Av2| 6:VKC  %`Z-!J"4Lj'/@ack|;x@*Z`0̾ _!j-Av2| 6:VKCžCg7mvي5@kB{= } -Lj~ n򪱩Vl5UTUm+TYE^ѣ욹I\kH^dljK-w?3 %Xz[@0&@_,]i+l]JMB@^DbI$ 0y Xp# W5gǷcqh $`~ 0FƮTkm-G)5 ];'0s &Ğ踷/X3V[v$v9_P[@1V,]ɵai!-` W1EҟfoM: -1yW_?&8ƫ&ˬ`| Z"Ǩ<@7M*?jA!/&8濠_Ǩ<@}$?P$xna¬5ۮ bSvp}t3yi,[@0S#dQO/#xAoaBcV t+` : ؾǨ<@rsv6 yK;?Z /zaz 诏QyQ1ߊ0aV te`^.DpcTF`h]8[t3 `!/.| 0un1*#[1 -&`!/.?Oxw ز2: )SzML_-[Ɨ?(xAa -Xvs(W(A'!n+V/S/l@ -侀QHvԀE! vAk}~4굮)"w P~/=;=|owM6܏]tD[O[?\lʴNՀt&\_(#R*/Z:@]8DB~g^u(k/}2H>ʆ| <?O􅽇WENANuV!dҠV)6(]2e_r ΠH[kW,C/e uJ i)ʘ| 4S"m(Tn X1e$YS"mm:+cZf;%\}zB]D FLW,CEuJ  #NY2ہ/QS9ti@.ϩ 0F`\>Fti@Y2ہ/2]E)6ԶAAX1է'uJ zoDꬌi@@":%Ȇ|B<5#L)6:+cZf;%0.b#NALk|B<(#Uti@m$Y2ہ/:%7b"uVb!-rS"mlqʘ| HrtxNX1)6Hʴʘ| d*NA |B<H>=S"m{#&RgeLl^''Tb:%nꬼB0lտ·;{y,_m:rGt%uJ If$:+rf y٩qLM-ݹŕ0`FlH<R u nySձNPVڗ&W«ퟦl:7f  ߛ^b:NtMJ;>^G m4eӹ! ~qEۮ<ޤJ1X" -@@$pW(X&eW!ӔM'& -0 0j"˚v\)KOS6Qt]4)+^6ퟦl:+Q8A]MJ;C i)ʀD.v\HOS6( `&e!ӔMge@l"]MJ;C i)Ja0@@EҎi@iʦ2 j&e!ӔMg% -0 IYizA m4eY5[H@EҎi@iʦC uѤz=D  -@@$IYizA m4eY! hRVq"mH?MtVD uѤz=D Dt]4)+^6ퟦl:+f  hRVq"mH?MtVp.v\HOS6Qt]4)+^6ퟦl:+Q8A]MJ;C i)ʀD.v\HOS6(Ȱ3_?˖[753]{ϿYpKnfd -d;8ѭ/}pb|rpEz1Ӥz=D |o7.KJ93;{ 6%q7䖛'<+7jճ|q#3V5)+Ҍ& });:ߙ|^I / 9}܁?r7Dal'+oIY pGҎ׬͐ii)WJ_۶5Y?Pq#jB.S'_*~DW 7 -ss𙧕Kvv\)KOS6B'ǻw>rZ_p侧>8W3¥/w_K8=_h|$[ϦI޲e|#+Wm8q6)+/i)NI w_/]>ҽ/7eΝ_= -B,q_j0X]5v~d'?$Me0n@Mӛ FwnߦJ{㵩ap*܃wELpuW_. ^wSQ+L50b@F*6=Wwm+=ʮ -]׽_kD$v[^U{ݻ[{_(i4L wGFMw;gH#90CG.vWzHv}D PuV*'t -}zr^^©T>oDJ=է'K zoDb溏zkl͚_[y~v2d=_i$a1B۴;ƭlqN/FGD?_ԗ0x9u#;F5zDMK 9hW'/1>q\>F&W(Z:q9#}:uv&tg}(wblM1a"A+d*~A ꬂM_eyMGnηOֿ`PCaqp_|:`)uǂXvݨWէ'c , oWqvl6!a_Rww(usb4ױWVZ\}D 0tUT{}7NRyF[݁rdrԖ࠾ʂRa~A GY1} m!R7rחiG_ -꾖, ;zSlD/6i-Bݟҗc!u߭{7.dɞφzKx n2]E/6ԶAAUT/=q\\½DfuH%a[zDغb~wV+$WP/6U|Ϳɰ%:5KoO/ %waa}gRO"%Ȇ|:墨2G=Ö,gRw -]0\b~wV+HrtxNBff%}aKtjٴ:qݥ˖󻰰Zg\>Fi@Y*t>>wRG#q]?җd*% 6H> -NaU~[4OxOOظ=^0J@H^r*߬V'1B;ad@dÈuta:ʝ?|ZÇug̥5#L!s„;XUf]5}Q~+ҏ˧؈~ALk„;XUfM?/]yi@.ϩag9Z3^zWG3%TJ=)6HʴJQxL+;Rl7v`8%VXTٶoݴmWhst}D 0zDaVr,irt!`>y&/5qr z}6GH>Ug{ Ljΰ" 4waϿ|ݓxU+E#ݔ\a°ߥůza|go/Y>{!ڜ~A |:;*'?ٙY}H>S6ՐiЯ~u|-f̝K.ڄ+U{j Mhdn-gt bn $oeNA^w#?,&dmBb,m:0-$Ιի>]1_Jv -S%6lz{rI&T!6H> sޯ^Ld5g,Ys׳|]䒬MHj *L˹oعS_Btoޯ^LL䦽{Ͱk8w=ArI&K m|PggfWKRGݶ,L'dmB"mm:0!Ο.Ca9>7Hz%YPHj *LŹKxEޯW1O9q󝕻=rI&!6H>Uhpo+2~ -~}데f4eH;=rI&!6H> -o9>9_sdH9zn\vzK6^6ԶAAUswU_ג?w=H95NHK6^6ԶAAUxs矯/mk)԰``R>$+LHr -`a@rI&."!Puu8Ʈ ݕ^:πȩd/|s >M`Za'dmB"mm:nԷܷssZz%YPHj WV?z|!gB{pZEϟ\ zA *Os#?҃s*z䒬MC m|Pg5Pqȏ9?$ki@m$Y:mVաA\>I.ڄz=D PuVN[FUuh?%1"tVNOf8E_4vqWx_" <2LxL+N]G~u,HcP'jӫWV%}MIR?,],lQ1 cӕִ:V D68] -%o-zoZ,f zH1 s(ȰJ a:Qӏ]C\O= ωŸ [B\Ǧ++ --2iuƭlqN//=q\\bˑaK.>tP,fۭ'b~/:6]YQhaM3n@dÈuz.~q}u=oz%{~ cӕִ:V D68]懷~k.}ï}Bg=+oc'_U}~?ױʊB kZq"Fkrg^??5T_eWO#?ze75LMO?kMWVZdX[%0t^YT髸H]*c۶zuWBGX{qEE.͠a #NX<V_e!q~zwt >Sق~:gqX{AEE.͠a #NXtvvEBFn}ie ^|X{qEE.͠a #N8yc/ng_ы;\+ --2l|]FllqPH.j+rݎ>?qB _"F3=6~E__jm^yq:V.(Ȱʢ'0tMלyX_|䵏k\;\ѫ, --2ltEȆ$ultO6ݣX2rnu1o_:^eQha+rD68]'9|#~?f_ù<{ pZZdp9 Ȇ0+|f=o2qfvR Lݩ\Qhaz=D 0tUB:}M՗<| J.,m2|8# --2LH"F>55 -{XM!:@Y=S}Og{j][EC  #N_9Q従'GkN"Jb{"@ܿ&fV\ HJJڻ諢"FWx1lq%;?әyxskoGNw`Fmz7B !Ȇ< .}[զ!/hBtveu!" -p'a3Qo-Qhaz=D 0W-'~׋9۾[/0+6\zn覻$.K}wt/vwCOf6E먷.H"m'ˏ4Auc|FAft@ǽ<.# J}G_qY`jw_AmRrн%LnzACǟ/%F~t!It`"mX%tV2t'z=D 0z @t)M"m(WtV2tUPA"mHBz2ct!b"zA ["vV2tԚ8]HVFb=$six*) eRFz=D PjW)#1V@g Rz=D U%A CtYDi@LD-#1V@g 5q^6#0!{H!(6RFb=*zAL_ծYUR=VAzA y HU Y貊!nYUR=$Rkt"m#GX -:K@ϩC =Pl0!{HUi@]X%{Hi@vV2teC 19X%{Hz=D 6FΪ P!98SH{-w?sU AP[BHpήݰuɒ7lnj !Ce=!4]<˷rˍ&9J)&*^qt2O<)mR rW+jt:"Nj@F=p_O}/s+) WfaLH[W(@&@ 7E1Ae:!LTIrvkG~t"2i@FVp-];ڤ&b>"Lz=D *iuVG~t2i@FYuGTt]TTH25R%*uQTS"mH:hJ 2i@FYV!.*tC VgmR ruQTS"mH:܊#?C@EEPNzA S#UꬺM*@n.*tC Vg[q@w躨*ө^6djJZUwI%M@EEPNzA S#Ur+]Ae:!LTI6 躨*ө^6djJZUnő!"Lz=D *iuV&@ 7]Ae:!LTIʭ8C;t]TTH25R%Ϊ;ڤ&"Lz=D *iuVG~t2i@FYuGTt]TTH25R%*uQTS"mH:hJ 2i@FYy|nё] Z]EEPNzA S#U6^<yMuQTS"mH^2w;TK *i)/V̓.85$'۵|*tUdjJe+yH:wYbmEPN}EJ| djJM[ Ńx3KvW4@L5LTIй0J+ Ea?ϫfsAe: )K S#}aaZ,@o15i$L/L4=ή - 1$3L#adV djڴٵX^@+Ţ;Z>V+LadV dj"="/wQy&7-GFzgzV>[@0h< .%n1 S,׳)'_{aOܯr 踛Q^?f-a,?k'+~A.-Fa"Yhgwe nA6ﵓsnt6JZ,׳x -݆NdFa -;yrʛ+X$Yhgr0vx̊b^qQ?fƭ v[EŹ"4?B;k0ⶦ{V䣞>^*LH`mЋAn ;TI@ I_]VT$tb/.皬/F/(m0`[ʺO[@+âC6^Pko9zϳ}Gr 0߱ݠ;c z-d])[@&!HEi}DB`2+3>5=.^܋`䅽m}`0Vq3wnH -a-C|A@ @#bV4s!Z%-C|A@ @#bV4s!Z%-C|A@ @#bV4s!Z%-C|A@ @#bV4s!Z%-C|A@ @#bV4s!Z%-C|A@ @#bV4s!Z%-C|A@ @#bV4s!Z%-C|A@ @#bV4s!Z%-C`5/q[Nf/2F*X:|3A< `@ 2/R-Y _Z$/K`[ 73[Vk{;ث= hُX,Fffkj8~^B0 `w}}?[&MA^e'Y&!0I} }?ld3)@[/=>e+9>!0F=MϬlߏ8W0l"cō;A`j!3n> -stream -x1 Om@a 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0`  -endstream -endobj -648 0 obj -<< /BitsPerComponent 8 /ColorSpace 640 0 R /Filter /FlateDecode /Height 512 /Intent /Perceptual /Interpolate true /SMask 754 0 R /Subtype /Image /Type /XObject /Width 512 /Length 3453 >> -stream -x1 Om@a 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0` 0`  -endstream -endobj -649 0 obj -<< /BitsPerComponent 8 /ColorSpace 640 0 R /Filter /FlateDecode /Height 512 /Intent /Perceptual /Interpolate true /SMask 755 0 R /Subtype /Image /Type /XObject /Width 512 /Length 39513 >> -stream -xx>'=!NHB $D Bwww;R uRF(rko{pJɑ}wfޙG$I@@ @@ @@ @@ @@ @@ @@ @@ @@ @@ @@ c"q8)*S$)HmGIR_R~EW;L$#:KQYRp,i@@ p.4ɧJJ,5jrT{*R.p1XJ,"Z뀚C C+P̐R)R:*$1w&OT}"%0% @Wa -gI;Y&Rt 2(wh,@@&zy{z<-,dky ^4G ] 8n:)9Tϓ}MMIѰI݊4T}X@@ @B5ͻHӥ8:Jޯ5j'D^#2 _K*]K}S8T@JW[@@ p> jA&?v >@_@@ r&TX:fnջ)5!샻 31΀lfn]5ʬ-+:C 8=Zw#,8u<9 Cc?o5L,UoR }!'Eȫscõ>"57 q"$ExI^)gi\N*[+v@@KvBN86pVL-{ [b)6W+ /)aЧs/jW b`X'@@  l0?aG;AjY)Ŵc m|8P$S.an'9W*u~Q@e \Yz*+p^XcRyv:pZtٮ*^\ P D3VֻuΓ -Ą43E4H -S@;Rz`Ax^nI G8,w|McGC@AWu-|$W䅠($+MR.7 - cיU G00YmI]8U:xON`)#$j:=X\jD; xE84"'D~nǹRl nQ<|b&j*zxq"puE ڎ  :<6hlMQ}0v@@ @R]RL),a>`": -EV4-(@R}jApMV6q: v|ø+(nշ`o7swq(NV^X38AU!`&JZҪ\8[VÇ܉Vjs lհ?Wo$znRh̪p ~P!8% g,R}>F`2CJLdè_ ?W՚g U'F -~s96G핳v9 %ƻ< jW%aKH!  -?#`eSw Zw>3??_o]޷}&m]=8ؤp=߻'q΁ʫ(LySm|cc=\?ũ-_96AgPr ve?:͵:+)pZT8p;Ҋ@eUs|5o& R|ǔVkÏ${:Ab(ܿ#+CXV9bR[2޳^ֵK? IQ>҃Z>+OJS"Pj(NT ӹ{v,zۚSة5wӬ*79,o=B@@ @@ naaʦ-loTu\%Eƨەھ"Ŧ{Z J!O*wX)W肣иz62e^t3}e ΂<$J*(_(t`KpȧS-CVnn+x߂r;Lr= -sQ@zQ⪀eГ|w\VaUA^ZQL<,@XK}T=z0R?'1e`lV, znUCxm1"Y m$OVWZ&|Ҟx;K -/D@9pСTXgȔ@"@@-2T3?q'/}9ʇ| n>A-}!&fZRB{qE *<߈GA`D'd715@͢,恜rS=TU'py`1ί#En`ϝ0o -l>aMtgm#'is@ -gXmn%vsF@S7(}5G>Ry2"7~mInGtPjv{O -KcΙgH4Q4_(r6M ꪧ_oGMyfe/*VCO -7 -9knQ#U` -(!ATu;"-ci;m; aQKݜZ"Q:8"U ,cJ_WnCOT ,xg*5T9O2*Ei@Cn*<ςiL#_->Ja­_N -!Fz>f'f@`k] -8/g#\{H)85@uɿpˉns)`Ŏ]nþR҂lS@\ii;Ryc;;Q,pS~OP@5KekeB(w!%{i 1@`y=7&ءtd+AӋC OƌM l!+e4)w' :QIz}wN~˜d~%H[Oa)I C__Ht v_>?AqUpr { Y#&J[a~XJ0⥡šl=)v\6ۛ_?v>,}& eh9$An)@92/Q0p)J鎅ԛ, GJ]6"0_`M|\EtX{ ؈c N XL$ "@{F9:p! p,8Y oNp3.GL6'#NsoSaxvaDM!u@7B1t)p0g!"#?ֺmxt;(龜̱4vx|#/7?[s]Cj;n!;\ ǯrԪ龁#r4GŅ~t8Gq}I=e:wzyxFlճwIs0)v^7 S@czrj$y,ߢN aV| M>lYоoP_eԸׯU )\Ԓ 70 T?WH'ȰFm/pXl\q@i;He|!hRxǗ sٵ* I+D+-'y3~0j7g/!.!˪=#/;GYZ; ֿ1("t܌ů~g!{s _T |_2:{x@z@SoLEo]^|ea1v`%'Ǐs6U( )'6E[| t|U^mW+U:Ph1)yrF|J -^Yuq@@TǞVI.!O⫀}mYOa+yZA -4ƘS@p: yI=6q~ 88v;O 7nMҝ 5Mn Lm2Wa -(\$8y" n%!` "xhLJheӾ+2?aP囜p`릤@ڌ0xSF/'6A@#u^3NV&v ?Hlᲇ ];(hUxn:/ -y(8 z*uzs`WSx^>,8*@u]JXz#^-گ7 Yx³A\`r'56*B{*QuނұBlX"ENhn:pwX$X׭LH')$k"P {gM9?\Y77 -8-ɹN+mFBM%Y2eLWC3@>ǐiYuv"_8֘vu m8}QmX4Y w}HG`B -!vC~A Y)q})w2FAR*0Qo=BRdgUX+ tAo(U=qg# 0kasD -M^ }bx/Q)i$9;XytR -f6a>,`A -vj|t<b?"*HpJgFACTz3Ş*+.&z @ l8]W녫ģE -?Zʇ*fZKgrgv)`O~oOTz85xFDk*(PT^ hB=X7 t)@ p-U{,ӹMs*OLLGDcXa"=->_%v+_qNǝXu6<_Bme 2)+16r!D`ByꝓZ- ׬S'@Wzzս) Ea k$qعsDMOE"8:vǷT^CM:v{et)-AvJ28z=z'WL >A^DŽOA(b'+A`_@ }q -~vF=89[2_8!<1,2:sky,[ -DuT1NڱM¸#N3z2|8 ->m HʉB LXkɳu>8gIwpSyu@J{> 8wh}#yн=M;vQ=h{u>js(Yͺ0Lqs'r0PuA:)k"3>ɟ@Yx}-_$'\ޠ4G*̚鯾q%Ao=<8 KjVAģv Z?g/'=n]+`Ǖw0!٤yִ6P:/87(q۹v:w ^9K@Ѥj˷?2o&-؂ߨi+O^:p>æVحUC:ΏKL $=EdHAtG(`\Ɵje=z -XɂGP.OΎ>g(@41f>|x3J=to$& 7 jʔmD|2Wdt `a{ߠL_~NE E]>a@;G!wbɖϒw=}XgȄk+(mּ/ M"6ՀUӕ_YOR(U|]'Lw -ZDX\rm&uTG9@PCQ]sn41Cq`0~mhRZN5;Lѵ -*B` r}*^!V{x޺5Ci[KGz}َpa2aGq7UO, 撺$>T%s?}ݏ|wy\v QymبXQKLq Sf~9! OLOqסSVSB6n:r]DFl8}Q 7U:w)`c-5orFFuj#\=k<͍"!E>"j'枿VO=M9dW٠eu+`>+r b䣹SM+;Y!<36*d6!m5;X+E2eY4F0ɉb[ebi7v_> _nؕB8jQn iy5ضez$L7"~G;BQz8^񼩒C/0ܽy|IbmZէCt5I-i"$EfYuoL/\n/XZt%|vZC/i!aZJ;|~1sVFòuevɛ)Yw)`#e )R $S88yOp|W\h r4ZՐ*^w3K3Mǿ Ʉ> ǞT_i?u+[|R6taHT?4Mm_j'k)V`w?Jh cퟮըg;cr/a53.aG|b |r\쵷{dNf=}|w_MQ;_}k͌$Cu.y3ʙS '疉>2'/6$`ڐBacvVWz{_aRx8\&#u7RjչL(V^sΝ XlyI$Hk2BUvyڀ/J|t[ 2ճ67sYvpZw/Şʡލ_b? @OLrJ *@h a%Xuj\FvL7 Ưג6qǕDFR7/ilXk"Iϸ2fn3LFQdE8"hH*%4IjmtY"ps;()#VA -) _(89HR}ճv -V >QG"EI㽚:}rډfU7{{iGchQ{/OT!'=M݇Xg/ǃo+Hv[J6f݅rII]1eitUǟfǤǽxVc=Txy2o4zfݒR;zj. s 1Wao,Ia2ϛzcOcҵJ&mOr -^=+7T)NudypOG\L\W)rv"O㥾 `W- ^b"<hS}ϼ@P5D6Nz,$36m O; ǔ29>rscݧco#u R訴~?8&TvS{PzjwmLkNu=uϨx:HhGhYWZ{K7I%;%c -@tSLjJRfjx?mAMjӏ2Hٛr|vd%ODP:x.;.byx1en;T_zl) {Ejѓ0k3.v2+vk<ꘜ;ND~!)̎IPDzZsakv)pAN|MmPK?yws)#mQL3rdҬ}~\]3 g0-YItV -\ Grma#:v lg6Khi*>ms qETR“Ӳ -{q`qvXxW;NhZHܡJX@'$L[3MYn~˄W M n i(iއlG`) -ic#[N=آ[Σ^\g>4QSc1AGp;p*_}S/3_~{H뺔}ZY"_q7ޱ' 0HhqT - -9ߴ͆oNzhv5jgK@4:'k8;GNTcD)_UG_=ٻG=ײExrAϽJU~z_܀-Ҷv]lgPLW*_mGTZ7jYX -Lg[xV\AB>ɓ?Skr/Y`gtFÙu6߾ۤ -dE P=EKNRhxMlI}ϺY>zck'|uO[ս)7Ym5]*5Kk_6IoS^x4o1b?hy^>'T_zG9'ySW?~!4yb'Tӕ}R |e -AfD &k9_˚k룸W5tӑD}Wg~U>)bgLO00t-*u}لYfƦ/ &ٻ -r)%ϑPym'O)Oe| ~}Eǻ.P5Ϛ8g>i ťgs7_!?*.;degΌ+dB\ѳFuݶ#߸б[F["[(+Ĺp"{% =L -{0.mx^|O - .YRi]?B]+?چ046qMݸαsɷ mpw[:s޹տz>uoxZ9h]7w;>9Oo}5y{oQ@/k.GQXxy:]Ŷ|HCDųr9#i]70۔>ϛz_K|`,mQEZ?qSL+&1bN:3 9_uK,~ќ6sg\ew?^s*DȦؚWveejY:9uKZvs1}7JD)ӣcͭ]~=wsO/{oQ$|HMshd9;,qIidxS:zsiO\) pNT{V`' UE}o|C>ƷXLSPޢ8©YRb?%R8:0Umv':ތ ŝ)+B[S\BoSϩ -7C=`^W\j!xQV7*3&PR{FE"uxS ﭟ6=gwfe~~'ڑ*Q_QF≳-6iqrS%J-ȩ o9,e ,ei̬6eM]Vi' !yBۙX*9XX|ɷO*hm>W/?~M;`D-g4FG[ylߕU.ANd>U/(E#zchX8c{>h!m?TFL:ΥR‡LX*Cr/\]u9M--}?#*93zo,Aϒ *9XFYzciWJ-_CD"1e65Gy6v^#}#W1uŌflYIHOHFY>aoVYF 1hCv_g œSs61_a^IG]M×?̎iޛMpg?&4bRh!mdlV<7L>v[?bWYꘜz2}24f]2#zJԨ_QvV{_h s245-ꑗGr͟vt5yLK:ۥ ;2z:0zMu?*Q:X.c674˧ [niS?;S$o4}c{O$2j" FHLd̓Xʇ$V)]2,14+&pITN%2&"C]7||DՓ6G閄xDFfa| V#TI -w_//B50%OggRFNQCW,ӾW~5vx25Xv,yX6uXe(I1m:~&U,u~rW|^*[G;)NPځ&n{3  \{PXSvXr5iV2I's0S S;Db?&a$QY嗏Xf̥qw>4%Ɯ-;VyfJdƢ=[.>7C]Fj52; Mh)VOnYOge~:,޷%j| O:Q߱Ѵ( #&;;$:~F J'DDEφZNYؾq24 SIqSs@Ҹ*q8%ɛz) -k_m`~O0ҳaBO=,!p 1|Ẅ́Sj+jLSEmL@5X`4V);LbLJ%gxJ~o֑XfZO'Q85(TC?"poo:pY +GߠqS6!`9:=m_m$oVc[//IvҀ  -qh[i1 -}\W[gSSIAq!OXKS5N/ I~+Htxf2p_\<7LVo7ݎr'҆LZK%v}N^ -־~Ϩ -K-y_1#-`8f>#lko0,v,jt&)O'oNv9˷(5ENmKCdaNo['JƣvZU={NN{^C?4o>4rBXrB;$yeIBčeͯo֞ESUxX䥉~~UW=̝Gg.;#5iRWZdQ.,ZN׊Yf#X52KbLe$zRUO\X]ިe_PK_+˳?_nzzod<o];9PqVg/PsdC/F/ -v{RN*g_ݱh5Ǧd{x}Ɖiy=u`Y}^;ϚbauƟvzp{- ovhR]^Mqfqsp";c+Sf~!/A8/G -Qd؅O[Rb䰥20HBՅ5 SU?mo+ּת|_X0LyA%\s̠?%VeY4N;|8gPqZa/e3$2/8-/w75=GdQܴ~<}}M;TzVUtf:DW-RT39;+C̷?eHQd._>o]1K)V{`GbT X h-{3oڞ(y{?s›^dȰUNsrUmo$;9GS!y;om5Ң=# _\ R|N-G~Lp9c/MV[JT9ײqM>r7sTdS/tVwiLW 'fR}A_v78eǖeF\cs~[{{l&y8D5@UGu_&`%iFTwX-;Lc*=>)YKW*hJ/_WVf+ 'ᇧ%w3lKů5`TS?k/Z@aȗ=c ?دvpw/5ʖfGNR{_6SK-e)\Kh Ui%}8jYV.Áփl}a~@dRLfnGLbxڿ8"\ "*yx#̦6|,YNSli& WC,B;yB3음*A~ǯ1-4Y#f_0'F[ y;|$`Hj2My 9%{k<^W*i8xQ,۳߮a?;bѷaxbM+{^ 6_nf4r)k(m @?H9Ko4GJKR9JlѲqpw؈3ͤ+K/lX'a݂O}71uk>!1}9QèES^РC^=>arGx apن#A - ) Akv- \ Jv`7>=c'/7콧Gy\b6[gf6?e/LN|>`oWBrJhXxZz =[_Rw}kȷ-t9l~˷I[ kdAkҼ]xJ~dXC>T4e 9b ݱ"/_yzLh練A;4hOF깙<$+57v/i;<%UeloĪA:Ei4ĎC<{,r Na!bE[$w~Lվz73(SA7?!$t&BKf?|N};|ܢ gY} -M剋#^BO5͹ AngK »ȿdx#ol.V05I !0 0S轈 \gߐ Gl;|y;(o_DǠ ?n+7GS$s̽$#H Dn P<t[OP/.G( kXcA(+ y|)tt{H"=|XI¨YM7^i3S6q]W@3 ~J=6| n(Gur[M`N)#DAGM[ɜ#;`׵*҃ +v՛>v_f͖32Z8^$}h˙(VW,Ow1&zd,3]+ uӗ}){jguw6|$n&ŶdzBiqV?kO_ױ"'yCc}'.HXq%ϯkXCw${/wyjNCNn(NW:YBԢtֽ!0vI2%uF xJȥJD;9pU4x"2cU)}y_=ʛ`꫄ghMY4z~{Kn:UK߀j4z4}nNd_ IEjGFsJS`}\Ngw;5hڭ1G{򇁼O[0)rΆ/h_Szt, -@j^hM @=^GO3ۑ0x8nwvE֯kHtS"^E|~Ė<0g_S^4I%)HjqTd`ȷZ gXr5) Iu<>JSC}E ((E9|Cwm߭^<ܼ8VO!<㻷*RRyz8iu8i9d USsMO_.o3VTJeN{HBd*C*EA J# -MQc,dӰ>f#΋xF Bijԯa.QOXn׸Bz<S@#gfFlҏ]\4|v7 .* ,e u2rOJNUQl6O}^“.*K{;ͣD"8S&=k6PWLF72T}h7'AXS.*w&SN`O$"Ь2 ևGlw^h2:eWHe*ּ4gcZ! NG!XnO4#=$4MyD4m2 -H[Bg!p}rtz|eˬ]V -5SL9σt#E N`%򼯸G 'Yq걉M=e _R]|xN^X"?'~ф#.$ٺ9qw?6 -Qy]$sroh$x"6 9[t/,D^k!u -F^4_uomg9,榕JW_s2*462ob>M#ojFJh; ;|lͬh^nnZ~t=$]=@;GК"֢t41ᏺOz;-"] nͺlO0!0"jٛ)8wҋIr%?gh3ZƲ SE ?{.g&=C_\'2G)%M]O|}i'L N!+Sܬ%nTW>/ۙ͹cҗov";C%[{I_hSMB%QQv>#=:͎!W lqOPE^c=B8vڤ]$iۗ|޺/W9(gVSt' uC轰Sio'h݀!w!qTムaK}f]~LWm.qL_>[V>ef9A|uno٪ y3{.d?MݧO8זg]dCM"C0L"2{2 MΈޫ]ܵ^O-%Y>'-F;^Ͱ^rˌZvL|& Rgw7ֲ;8qeX\A5Sȁ. 2))#:o@}7"|r/?J k{W(3CYxF4juk7}F}ICh񩅽r{ NHI.VxU)sDƈVJhuJ~&6Z_ko?dcLfwIFiu6762T҄n$;3R.p;:EV/d>=&;rwx⺞qҢݱG ^2\+4!fAX<|N|Χ᧭ײ.& (`BdRE/%H;^C5e g]}{<%3Q+X7+{vrfohtwoZu$:ox2&i"έw%\|꿦NB/oU -H]yVYۈr6দji9֮X}{i=G,uoM=}« I,;"_VGusP(ʰ {ᖅ] ǢzצוUA5}R >VY2Ibl݂q z;Sim83?r4nJUG@#+kb\C1;X~M6blljC3r|nyȜNQ_BJwaYrۄ2YV[OJ<;|U7kχwiB]N _n\_ʇb@9*b (q4kɥ,Xu-WZi-,*;a\Glv ٛh&;T2,I8$EOHCĶ>ÆnZs+w5i\m+nRlmǘLW~:wKv}obfk _yxEEPx].ZY3? "3$7+?z,{hC#^ydlvyh󶾡MUCBrݐn9 3MB!"u -zd M*U&?r\SW}WD|| 8~ŀ -(C"` LX"`0mjImBocwr?_oCrSvDf>Z< -'܋0.S{±m+#:C - zrRRp-}m{nxD>PBVf_팕| = ˷<8ٶfFz6k<!:ÛO7~YoXO?1O[bLE9b Ԃ#]M;hD{/r/?f+~<,!J8yGm)IobL~\C/>m 6Mp3t{ܧ[vó[|;dY|ÕE`[>/޵|3Ǩ|k'Ϲ>, ~DiJ_t3Q$ƥnրa5ܽu]enS<^_nQMdkx*zx}I-+% #/{}7;!vՀmXxAa_uxi} dVKP䩼kޣu4͂}Jg~2GO~l:ۿJue>+9|AVWσPϫ{{/eC%*MFrf{!TJxhrwsoG5ъ*8NWcweF=&76U0@>}[VT_.8>z~;uLኧ\@n)$ƉM_H m\l3>Y~L(n2^ &uiܲ'd+owM}5ܢsz)\7knJJ\20=6KP0Lܴ+.,RѾdݮ ?e#,H -q$YhҞZ޷*v~µ_ aЋGMor{lC88DrKv]|D-F$+hWK4-9Fx4(`l&*j&fU+;}C/r;+헯m|1\>;u @}_&oَ.:o/UxrkOk_eM!)h=4Mܒ!Qі-?@R;n0ؒΖ!' \x X\zvSxgW v_mWmt}zk/7˚^sGx}i#/;&UQWe5zlԟ,K7B{0>%󡍯_eҝ{j[].JC!Z6Z&$k;ku׻9eɜaꉓk [Jo1e>U]]Qv%X|BDM\Vnwúq/97 f-_HU+ Z_/A7'3)fy*j0AwEȫ$-/|XӆMT' .Q1'l/h$5gܠ][1 %w1 >ƿn65i"-[Rg(Cj]~ݢf͟9&Irmo9ntwºx~.X&Tcl4C$#ʇg`H`BrxVvr0Y1a~9kt;$6y_+>1ZOW5w/k@umW$.ח[ְZ ¤6\"FgO,iTPe qpz?8,YL{_s59 Tٝ-nN3J/W)DFR2o#_f1NGpo`~y4e>2:a&k֦Zz& E81n/@QꟈM\famEHCTY:T`0.eqyyAjbeb/? ~ZAp:Bx88h׳M8eO78nt 2h&T l[֩$GJ G!j]tgu:Ζ,z@Љ)6CݠrFgsh4}*V2JboFP)9lu !>L5-ȶtS|L Y@zm]TG r,b%PSEȤNS7bV*yVl?F -KUKWJh* )ΚL5n\*q@ % qYN ?Tl"|':jW' e.07S |aS`5Ts9b囩DPXB;D >r U۷ز0M)]3_c(q]Tl`֤ھ]ڇ<7v4.`E9A6ěN@NBmQvnZ]B~ުOs@m[TwD9! t*}BZtpz樬k=tn4a̶>׾,} mz\yXh:}0J*=Yj|0*hw &n~/MX=~e@Ӽ` u`: B -[G<AY8Fh-{-JƖ}5K%'ro Ӗ-6n#_a1݈+->f5gUBV] -rs W}X H&Rh2$E]HE U^0M z yr9#p ?{mh8c4( ~VLOp}LMB!\esHmM,!ʨ'!_ҍyO'M1ホw/U1A]M:h3`]^J.$nش 9-e nItc;OKp〖uoDGc [ FnGR]Q8`-_p9W;^?.MAqޱb-0]Ɛ&dg[Y#9x^HEKCꪀh?,)'f|F7dBcY$6.D ͈WUGM)U'HTfo*^3U*٣JTe;|A9ͷ}]u$U,]Ϟx鷯)jÊ$95)=YG -Ҭ]U[ʝ(! -=/r-As;n]1iVDQ< oճul+ּ, ۰4`6P3?Ly:qQϭztIRP3(p;xj-՛>/\Q;[Ǔ˩RO{>O -OKЦ׼T06?OdVCD}TW<," Z+꽱ٗMכޡmxh41ݺ.xQ`7s;쏊>~F4E(Mg @Oh:dS6eT3 ˿TTұ)C,0e9:$?Jes}zMl1 V<OD3l1_>t5+||DۉF/ɧXiC ZMP٪splkx"MCńz*nzpcs+gS_j؏$ٻUsjS;s`F"3n1)@m" fSn|cCģkVh*/y؂bV8j`9Z.3-wv3k!>1VS’/Qw~AM’;D -4-x^ujAxn_~̬-@a=w/>HHmyH5TYl+~W) VY@\b>4Y -l(2nZwUXv`$} m(Rcm¢YuS(,dMDZ;d"rJ\iAdsUص`hLa%lVB/B]Imi%1 Yu{Hc_dvcR{3n*}dJmIex :"GzOF@þՎ$(zO!5L]vT/FF^UIl攙Q[H `pS][pt>1e8#̍@,`>vS)k#ƒE6u ۢUNK#D*?-gLh&vŽ@轌Ŋl" -u -%vX9ö\.`9\m(C71u[e؟gbE&:VğR^>`,~f5{g48`[9rڰ +f i <=:wdwqg -û 7혐m iS%gnOpޅ=~S`4qJ4gL i2a+Eg|AvQ_3p4c}ga"E8DfJѻr:N<.a ~b*tRqs]zk#pـġXE.=f{MApJ%L2@*TxfF\Fn+Xti=<_vD&aѢdlgIeSX9cBA^q"&O4 "\x\ghv8B3JD8CM}Ȇ8 T(<{3VUdSLkAk@*be뢡o'Q7{˲ d¶z-J#^ T^2! C94b-KH)eD 4,?$')o%n/`WJ KEWD ZADAjU$3dxP?KO2kbX B# ʨ+"L*,.P"r:&0GL[\?y7čJox0|9 U!CP)3bB\xy??e}F_zbmL\5c*I;2U_b3w xS4Zm["XNr#`6V1Y|)mmnl7=^G ._͔^߫@2g|:,*[@8NX -(|ܯ٧]FᦑA H2|ԎߑU.$:%pl@UHaY -t͐`L)Ab>;7(0Mm**1 MIV~ʈ6=l0,>IQ{IEkj8/]QCՍV(/Ca7۶%^"ʗ(m?_64P߄SJ8_@ ,yk4 J=\p.dEiԏH?A7C#N^z-2B^5(X0_PJ~F%dA\ϣHuڿh}& џ -m!p;>p4#7lk q* Q2@t98[>dݔ$?z:tkzoA3#E -%g 5:! @si]WA^B"9-{O?̥BX`$UyJ tp#Pc m󦏮J!`6-?%<`CySL!nIt`DX,(2c2|h2EA ?^2LĜQ+Q# -WNcөq8{ Qa*!Ϟ9Wm{[_QJ+@\i}0.e~ 5ҡ=2 u6߉0"ƕ{Rpj=p1̂5noRy_[7J[x٧vuթro|_͢2c}Br+<An vQ̩!̦A@CD!-)㺌_D./']5z~}K$U?og.-Y/[q` -'L?0Gg,,+g ҽJ('(!"w>D>&5'ީ9E1r~sV=eES( - @{&-AwrR"ǟ>j!pcK&r[#uɺ;}UP85b2+ vYCA@d`t%:Ǝ֞2mV 4&%aڃ[>2VeAZlNӆ(T`^p6g7[ C5g0 `?90sG[mNexO)XP[BX<_7qOnƈ<9$Cfk|3w-Cn. -ڟu): SDJX Nj?9ʏN< ,1 -=#*{s7(uSݕpGrEsэ@qyZY_FsZngPWYIj#iRi8uiCWz2T>l35ae*+]pK7jΰvloiף/5xbS?oLiPsH>:XLLh._l./y$5"vLYߡ͐ÇBLnoz$y(C?@8[Z㽔T̖D~=KPEIvHt2HB LDQ3v -0˧ϭ8?N }5 -4\'wi@gjiCe_w\Ɯ\ϛ5.BAQ%43] la10h*`ƓuWݿSjYmոx螻u$ -eF%b\ڏZW?ѣn_4@x("`Jj򛟓G]d߻DxrEK)w1 >%sRd+9s"h@Ѷ q\$ERG۾96ϗk?LUՔeL'g1kQYzЃR"` #jmD9ۤ,38ޜvӽL̟JB|43KL&09?%8 n8Ҽ:,+u93g]E>(\OFRqUQS#oͭ_+G3\i:@^"e'⛞m:prD+N7ڿseƒ绲"@pj)acA8[6"&]?sM:S*Rf axA`{kP`o+^#xY*iL-VsR dD8s2aN_j֐Sn7T,QBθ|S&!yM)CY0s֙<~CZzN¶iMDDq)\r&JД??vQq )uOU0M 5o4|mI8K)=fcKOl$y&Ƀ;u ]SdȢ"@Y`9GV)b9g959mwPv.΁Cn5YI ΋f&xӓdy-珀 QlN`[qt\5NAH:rsxB̉EMSNκ[gN[|%U?lB$+X]Y^vV,*Jz^y,Z|#'}6~4$y|zu?x 35͙u!uڢJ)#ҩI,ol -&G1 - ޠ_XEb" FeBd;c|%=Arty?OA5հMxD_΀N-6[(%*xY#ܕ p 57_'A޲"qcRaINUYj%÷w/,OrCqgF7a@Ԃ\Z#w1O?mܹU,(,WP^f>KծnEzKw|/#`@.0Qr[c,.jI S;KG@XVMK]l2@#~ }h~׏`" J@/%]=y#:V^/0 `z3+##seJAbjhayΨp";} S׀@4{w2v+A6R` 5@tHA; ʺmP)HSXSr?$6E% A,/-eregx.~8jHtzL>(k5 -a{.\g9QUgdF3#A" -h+MgEU,|`MF~sVyΊB G(O ̑)5g I ` v/{ÝRJhA_oO9!CMċ7~Ӻ}:jf˩i|X7jN1)|;ݾt<kF 1f;iӖMXnr~ y?yȸNh2ڍ=s08Nc2հlVX{m.Cت55ܳ\A$`EeNp~#sg"~{NeNrbfmO5?'=2HPB$H(]íԅ5B%)r `q3-|[[`EFH!9UP5OhlZy|!95GLƿ٦jKd{ql=2fB@rkMJ'S*q0 6g85KrPX 7/•-\vኺ0g!\/b{3p9pkZ'A?WǣHؘFawAPI 8z'dvAx-r%n &W/}sA5\9Hq^q\\;U2b5xt "/K<2]"=-\/Pe4B@3ضYw?=-ӕsKtPhWL5`㠒ӟ -?HEf7 z_3bW[Y'H]^;{lb0bՇ#*q^D@g֮ ]r-kykNVOR*KG=V0j~WrPf3h;AxDrw-_!cU{F-PUH)km!Fm5c֜xgnX^T RP(B2T0Ww  UCV 5x/ݭiD평 v H -T+1y걢ep.V*|%חt;>pj;֥\OoӚgleP+Flvy0 XИv`~Pvrv c]Չje'(ISmG0"B?XD<Ȅ%Wt%ҖG3T>)Cƪ[d)忇`Ӂ*Ŷ'hAYOu&TXxSD-`#|u.G֜|ϕ^U- ҈E{WRI@&^oxxl՟9* +BxckBu%(,_kFOP{EzfP9{:Pb]!p;_dJu?{iQ5ՎәxUAO/Ks!(P 0Ň/{(>32c2{ǘڒUŇ%^K,D}(ooar\*8tE+B)UR?c/ F #Y&M]ő"9`BLRR!)`;0.RLt>:ٛ#V5|\>ޮ+VnF)CS@c_ߵ}`)_s$uLX\mG*=Q?!0uv#PCHc!%e-mBaY8Ҵb ba,ڒEa'3?:{HNZ]#̺˺(#/U "KR7."fS G<9LNT1&-wD8PDؓ4O?Sxy DDZQ|MR^_~ǰ{-Cg޳:{:TrpX{8OƱ w!Hi NrW] -c1( ;:"6nx%@S*xEݫ1|9' t]+7>KB^*dJI]ĢMS -WNぢ^=rb_)PG*CDqgjY_ʟ/I 6 vL*^N%JO iԼcϋ6hyb9 F0eCa:FKPfS ~W{5ɿ.D'#rk Q# -!=ѓuxqbO;{63VʘhNQBe1M{4B٧7E@ #˰_҃kB6' -4F>}y-uSrX^z*MaPc#gBe!p>07j0%Їmf -wˑ8Ec"oXCB*7p/7|It?(hLշ?K0%OwhQv?7O=,@CJG{7+RjF8!JxXeCAtm]c-DUuާvXy֭ --wr-8]y]Mg?_ku -piWf+?Rn -2kjNw+Xʀ\DU=r3 -Wk6W{suA:3}l[QMZjЂ#pt;tCcRi-X -_o,&e{'`L.[ɇלx'@F/Dav8!DJ^-K|#m{n 2pX.aX$weU3/$0]5ٍ E\#M `T8]n" #`-4*896]f{K]*8#sɐӴެMӣ{6i?0 ^tv L=uY{#! -kw<֟!#le}wJICWG25&U VE ؔ 9 DU>4!0DBԫoK _W:#Bg:t)1Zu% B` -u)wƦ !@A7J'"'9L!@,@oT.!@C_v/ߦ*a:tB!ڥ7" !@?-)asB R=.6 !@xC"=Xok!@|S?aa!O&sB "ps]n'k#EB  FSiad饉!@^ȏC?ۑ嵂t BeLW uB #D{?>.^7J!hͅd黁!@>$kw - bQ9L! ڕ7& Ս!@F6!T)di!@!@['BB)9Ls_wWտP=B iZ3+%"B`1XQke -~:}B &/ h~4S(!@6X?&6 Bǝvai~hQJJ39Q_T+KBB B C*74] ƿPjB ?!EU$. B@ gT2~ !@b&,Bx!}Ķ"=GXz"heI+9B C"({`MGO!(p Q"diu yB $BrqUD)QQ6!@H@KJ؛2 FwKc"BЇZD 2$B _gX5YV42eKF7ĜKy+Ѣ8^)m+xɅg;_4nSLB B B B B B B B B B B B B B B B B B B B B B B B@28 -endstream -endobj -650 0 obj -<< /Ascent 435 /CapHeight 435 /CharSet (/u1D456) /Descent -11 /Flags 4 /FontBBox [ -342 -238 1247 786 ] /FontFile 756 0 R /FontName /XKEAZI+LibertineMathMI5 /ItalicAngle -12 /StemV 82 /Type /FontDescriptor /XHeight 400 >> -endobj -651 0 obj -<< /Filter /FlateDecode /Length 590 >> -stream -xڅTj@+fxFoc^`<ͲW[;[z5lA}Y}qP)79ve&LFc.#ۮ'&9U P˪hoj a[B򲩎\;v}{Uk[ȶNlH"m9KbXX!t7H;{wm$T.Fy]ȮW'i,9_e Y_΄3&.񰩎z<)O"J@X`b'Gn.Db Lj0r`yfJξA5.* f# @Uhk2&}{HYѝ[*\q<1Do8bSĖt -w;z=H0ωu^N y}3|ѳpS|$mS9 BBu?0sq|s^9o[w_|h[jӊܷTZ_kf_ -endstream -endobj -652 0 obj -[ 354 ] -endobj -653 0 obj -<< /Differences [ 46 /period 48 /zero 50 /two /three 53 /five 61 /equal 65 /A 68 /D 70 /F 72 /H /I 76 /L 78 /N 80 /P 83 /S /T 86 /V /W 95 /underscore 97 /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p 114 /r /s /t /u 119 /w /x /y ] /Type /Encoding >> -endobj -654 0 obj -<< /Ascent 658 /CapHeight 630 /CharSet (/A/D/F/H/I/L/N/P/S/T/V/W/a/b/c/d/e/equal/f/five/g/h/i/j/k/l/m/n/o/p/period/r/s/t/three/two/u/underscore/w/x/y/zero) /Descent -174 /Flags 4 /FontBBox [ 0 -177 509 835 ] /FontFile 757 0 R /FontName /ZGUGQH+Inconsolatazi4-Regular /ItalicAngle 0 /StemV 72 /Type /FontDescriptor /XHeight 457 >> -endobj -655 0 obj -<< /Filter /FlateDecode /Length 843 >> -stream -xmUMo0WxNWH -Z&T~3ڮzy87?nkNehܤ=77U\;?:׺v==onU;O^uu#½O -ۍ=٘a?kLy6F/7}̽][H<Sicݾk^90jYVH^v}0<rL ͯ_/CkBnyWTHkuqö{s\녚"p]ϞќKյ u/A )`JbD>`2$`TY'`(ZqBJŌ -)Ǩ%553<,(hlwB60aG+LgıcW c rn -q9Mܗ8% CMq.5ShrAI皎\Sȩ ]8 `Y7ь1Oyezl,d mYĸSSJf-1i:C&e c4R$D& -&+übLaj by+bYBg YJYYr֟bx(rGT̛`F+٭L ,C9?d+͊11ӊĊ׊T_~+Cg!o!_??/?㫄Y -?^B\jUP{xᇻL^U}9pQq0O}c}3tȢ}Ə!VOu˷ -endstream -endobj -656 0 obj -[ 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 500 ] -endobj -657 0 obj -<< /CreationDate (D:20250604140153Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -658 0 obj -<< /BaseFont 758 0 R /Encoding 759 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 761 0 R >> -endobj -659 0 obj -<< /BaseFont 762 0 R /Encoding 763 0 R /FirstChar 0 /FontDescriptor 764 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 765 0 R >> -endobj -660 0 obj -<< /BaseFont 766 0 R /Encoding 767 0 R /FirstChar 0 /FontDescriptor 768 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 769 0 R >> -endobj -661 0 obj -<< /BaseFont 770 0 R /Encoding 771 0 R /FirstChar 0 /FontDescriptor 772 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 773 0 R >> -endobj -662 0 obj -<< /BaseFont 774 0 R /Encoding 775 0 R /FirstChar 0 /FontDescriptor 776 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 777 0 R >> -endobj -663 0 obj -<< /CreationDate (D:20250516111417Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -664 0 obj -<< /BaseFont 778 0 R /Encoding 779 0 R /FirstChar 0 /FontDescriptor 780 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 781 0 R >> -endobj -665 0 obj -<< /BaseFont 762 0 R /Encoding 782 0 R /FirstChar 0 /FontDescriptor 764 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 783 0 R >> -endobj -666 0 obj -<< /BaseFont 758 0 R /Encoding 784 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 785 0 R >> -endobj -667 0 obj -<< /CreationDate (D:20250516003513Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -668 0 obj -<< /BaseFont 778 0 R /Encoding 786 0 R /FirstChar 0 /FontDescriptor 780 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 787 0 R >> -endobj -669 0 obj -<< /BaseFont 762 0 R /Encoding 788 0 R /FirstChar 0 /FontDescriptor 764 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 789 0 R >> -endobj -670 0 obj -<< /BaseFont 758 0 R /Encoding 790 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 791 0 R >> -endobj -671 0 obj -<< /CreationDate (D:20250515122242Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -672 0 obj -<< /BaseFont 758 0 R /Encoding 792 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 793 0 R >> -endobj -673 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 206.37436 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 345 >> -stream -xuR9r0 -}@٦>H6~PmE^Gi+/ -q}o_|1/3\r Σ"p Ǚ@.' y!NAy) LKUxE%vvyzg ]!7gzeUmeu4XHĕ!9@6$+( -A~WuG(NQ%Ɓ?#xKu6xocQUm'GT5߆BO *=)F#Ӵ47T{Ț&Z!?WuX\7EcL5|#0ƹuo! -endstream -endobj -674 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 206.37436 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 564 >> -stream -xU=S1 {vKC楡H2IƓrju3ka:5~Jׯ1kV{;$(yWf}Hyj =?K#M4R>Јi%["phlKi!n-n؎iwkA:jkѴt+tLͲEYqAV,Uh95لtM97 sx"r3'pox%q -1%!L,ި rQ)j~Ж`1 GaZ%1_LZ6kF X?_qS"W-wr.A0:Kɉ"L܀FpTpr/8T0qQ3L0fa*/BlSL`:TXsL倌9THdleq A۾,S Yr/ WYsvg8~+rifFTz2VV' -. {ZcFg%v)Ҷb2 -d0t{v0)?_q' -endstream -endobj -675 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 206.37436 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 313 >> -stream -x-;r!DsNLN)Q [4Yu sj{6Evo:#h7f=?Bh3} 6$S7j*%sڪ NT[޴PĉUH88NN#8QyJ2*S1HFXa,'VqfQ 69*J0_2X nEv"3p!kelu$ -qG3_ zb6S IrMrO#=01pqȽ]ځ/{q{ӴB7;ho\oGr%{߸.liG:6|瓿 -endstream -endobj -676 0 obj -<< /CreationDate (D:20250516081347Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -677 0 obj -<< /BaseFont 758 0 R /Encoding 794 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 795 0 R >> -endobj -678 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 142.22867 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 345 >> -stream -xuR9r0 -}@٦>H6~PmE^Gi+/ -q}o_|1/3\r Σ"p Ǚ@.' y!NAy) LKUxE%vvyzg ]!7gzeUmeu4XHĕ!9@6$+( -A~WuG(NQ%Ɓ?#xKu6xocQUm'GT5߆BO *=)F#Ӵ47T{Ț&Z!?WuX\7EcL5|#0ƹuo! -endstream -endobj -679 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 142.22867 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 564 >> -stream -xU=S1 {vKC楡H2IƓrju3ka:5~Jׯ1kV{;$(yWf}Hyj =?K#M4R>Јi%["phlKi!n-n؎iwkA:jkѴt+tLͲEYqAV,Uh95لtM97 sx"r3'pox%q -1%!L,ި rQ)j~Ж`1 GaZ%1_LZ6kF X?_qS"W-wr.A0:Kɉ"L܀FpTpr/8T0qQ3L0fa*/BlSL`:TXsL倌9THdleq A۾,S Yr/ WYsvg8~+rifFTz2VV' -. {ZcFg%v)Ҷb2 -d0t{v0)?_q' -endstream -endobj -680 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 142.22867 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 313 >> -stream -x-;r!DsNLN)Q [4Yu sj{6Evo:#h7f=?Bh3} 6$S7j*%sڪ NT[޴PĉUH88NN#8QyJ2*S1HFXa,'VqfQ 69*J0_2X nEv"3p!kelu$ -qG3_ zb6S IrMrO#=01pqȽ]ځ/{q{ӴB7;ho\oGr%{߸.liG:6|瓿 -endstream -endobj -681 0 obj -<< /CreationDate (D:20250515122158Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -682 0 obj -<< /BaseFont 758 0 R /Encoding 796 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 797 0 R >> -endobj -683 0 obj -<< /BaseFont 766 0 R /Encoding 798 0 R /FirstChar 0 /FontDescriptor 768 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 799 0 R >> -endobj -684 0 obj -<< /BaseFont 800 0 R /Encoding 801 0 R /FirstChar 0 /FontDescriptor 802 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 803 0 R >> -endobj -685 0 obj -<< /BaseFont 804 0 R /Encoding 805 0 R /FirstChar 0 /FontDescriptor 806 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 807 0 R >> -endobj -686 0 obj -<< /BaseFont 808 0 R /Encoding 809 0 R /FirstChar 0 /FontDescriptor 810 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 811 0 R >> -endobj -687 0 obj -<< /BBox [ -9 -9 9 9 ] /Filter /FlateDecode /Subtype /Form /Type /XObject /Length 132 >> -stream -xm10{^6>6e&N(n$FE9G,;+Iռ0jjZmdŴtv.2,C@tCg toE\1&'ÓA EGb -endstream -endobj -688 0 obj -<< /BBox [ -9 -9 9 9 ] /Filter /FlateDecode /Subtype /Form /Type /XObject /Length 33 >> -stream -x3P2Pb\.] R\\N\l -endstream -endobj -689 0 obj -<< /BBox [ -10.303301 -10.303301 10.303301 10.303301 ] /Filter /FlateDecode /Subtype /Form /Type /XObject /Length 49 >> -stream -x3P2P5P5360660T3 rpn.T -endstream -endobj -690 0 obj -<< /BBox [ -10.706339 -9.854102 10.706339 11 ] /Filter /FlateDecode /Subtype /Form /Type /XObject /Length 100 >> -stream -xm;@D{NZKOb޿;M!a1$r4xt&)Rks?b}6 .ƫTnV9q %[><6zh& -endstream -endobj -691 0 obj -<< /CreationDate (D:20250513045445Z) /Creator (Matplotlib v3.10.1, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.1) >> -endobj -692 0 obj -<< /BaseFont 812 0 R /Encoding 813 0 R /FirstChar 0 /FontDescriptor 814 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 815 0 R >> -endobj -693 0 obj -<< /BaseFont 816 0 R /Encoding 817 0 R /FirstChar 0 /FontDescriptor 818 0 R /LastChar 127 /Subtype /Type1 /Type /Font /Widths 819 0 R >> -endobj -694 0 obj -<< /BaseFont 758 0 R /Encoding 820 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 821 0 R >> -endobj -695 0 obj -<< /CreationDate (D:20250515122205Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -696 0 obj -<< /BaseFont 758 0 R /Encoding 822 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 823 0 R >> -endobj -697 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 163.62 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 343 >> -stream -xuR;r \`mIܼ&׏سcVXڏUsVH>_OHxF -V¯Y{BN3ld 9dUo8W -tM 7@Is9'<Vr%*> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 312 >> -stream -x-;r!DsNLN)Q [4Yu sj{6Evo:#h7f=?ƿ>ڌz_A͟"-ԍ8JI5*U֪7-T1qb)>e N"|$#NT)G8j 'VrdĉUjYTEʳė g'|.B@H +hZ[0Ŀ15B!|ޅTb{s@{HO! g%FroEv`"o4PڧdQ\7 qwڑ ] -endstream -endobj -699 0 obj -<< /CreationDate (D:20250515122206Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -700 0 obj -<< /BaseFont 758 0 R /Encoding 824 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 825 0 R >> -endobj -701 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 163.62 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 343 >> -stream -xuR;r \`mIܼ&׏سcVXڏUsVH>_OHxF -V¯Y{BN3ld 9dUo8W -tM 7@Is9'<Vr%*> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 312 >> -stream -x-;r!DsNLN)Q [4Yu sj{6Evo:#h7f=?ƿ>ڌz_A͟"-ԍ8JI5*U֪7-T1qb)>e N"|$#NT)G8j 'VrdĉUjYTEʳė g'|.B@H +hZ[0Ŀ15B!|ޅTb{s@{HO! g%FroEv`"o4PڧdQ\7 qwڑ ] -endstream -endobj -703 0 obj -<< /CreationDate (D:20250516081045Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -704 0 obj -<< /BaseFont 758 0 R /Encoding 826 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 827 0 R >> -endobj -705 0 obj -<< /BBox [ -8 -8 8 8 ] /Filter /FlateDecode /Subtype /Form /Type /XObject /Length 132 >> -stream -xmA E=E/IKE -n=$;M/ oT -O4K7 )Ĉa^-r b\ 7FKaJm7n=bJg1d•cp=E !c|D -endstream -endobj -706 0 obj -<< /BBox [ -8 -8 8 8 ] /Filter /FlateDecode /Subtype /Form /Type /XObject /Length 132 >> -stream -xmA E=E/IKE -n=$;M/ oT -O4K7 )Ĉa^-r b\ 7FKaJm7n=bJg1d•cp=E !c|D -endstream -endobj -707 0 obj -<< /BBox [ -8 -8 8 8 ] /Filter /FlateDecode /Subtype /Form /Type /XObject /Length 132 >> -stream -xmA E=E/IKE -n=$;M/ oT -O4K7 )Ĉa^-r b\ 7FKaJm7n=bJg1d•cp=E !c|D -endstream -endobj -708 0 obj -<< /BBox [ -8 -8 8 8 ] /Filter /FlateDecode /Subtype /Form /Type /XObject /Length 132 >> -stream -xmA E=E/IKE -n=$;M/ oT -O4K7 )Ĉa^-r b\ 7FKaJm7n=bJg1d•cp=E !c|D -endstream -endobj -709 0 obj -<< /CreationDate (D:20250516055607Z) /Creator (Matplotlib v3.10.3, https://matplotlib.org) /Producer (Matplotlib pdf backend v3.10.3) >> -endobj -710 0 obj -<< /BaseFont 758 0 R /Encoding 828 0 R /FirstChar 0 /FontDescriptor 760 0 R /LastChar 255 /Subtype /Type1 /Type /Font /Widths 829 0 R >> -endobj -711 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 119.88684 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 343 >> -stream -xuR9r0 -}@ɺ4I&YZuBe9yg|_Y,=} %6rc: -LXMSRC,'d:TPgQ`3,c CU6/ -.ٶ+k˵5`silʴ B)Lɲ82[  -ɱܐN3#GY֨2o#xFR6 []lN65fd4L@%%k4O<ע݀> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 563 >> -stream -xU;0 D{B_lӤ4r& ñ4g>*juJ[j_m]k~V\$;j1ߦaiwp|(ZۃEV="E<0^[(O.Nۺ=lvWVsJ:ӹ, -M%4R."XJ+Zi,ق K6 D"s3'qOx%qI-3%!,ިIrQ)j~іd91 GaZ%ǐ1_LvkF x?߶7pS"W-r.rA0K9"L܀NpT}c8/T^a SyFa0a4 S!C ~)ƈb*/Ƙj`L cw2,$@YCжu`Coy5\5μߊ?}`zXf֊Ю9ǀT11t׃qKP[m!0 -de8>de8rd/ä0la8}I/ -endstream -endobj -713 0 obj -<< /BBox [ 0 0 72 72 ] /Filter /FlateDecode /Matrix [ 1 0 0 1 0 119.88684 ] /PaintType 1 /PatternType 1 /Resources << /Procsets [ /PDF /Text /ImageB /ImageC /ImageI ] >> /TilingType 1 /Type /Pattern /XStep 72 /YStep 72 /Length 311 >> -stream -x-;r!DsNLN)Q [4Yu sj{6Evo:#h7f=?!|?EZ۩5qbj9mU'ԭUoZb*S}$@XE'T'EIFR?J\ -endstream -endobj -714 0 obj -<< /Differences [ 27 /f_f 35 /numbersign 38 /ampersand 45 /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon 61 /equal 63 /question 65 /A /B /C /D /E /F /G /H /I /J 77 /M 79 /O /P 82 /R /S /T 88 /X 95 /underscore 97 /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z ] /Type /Encoding >> -endobj -715 0 obj -<< /Ascent 685 /CapHeight 657 /CharSet (/A/B/C/D/E/F/G/H/I/J/M/O/P/R/S/T/X/a/ampersand/b/c/colon/d/e/eight/equal/f/f_f/five/four/g/h/hyphen/i/j/k/l/m/n/nine/numbersign/o/one/p/period/q/question/r/s/seven/six/slash/t/three/two/u/underscore/v/w/x/y/z/zero) /Descent -237 /Flags 4 /FontBBox [ -1082 -268 6171 893 ] /FontFile 830 0 R /FontName /PNRYLF+LinBiolinumT /ItalicAngle 0 /StemV 80 /Type /FontDescriptor /XHeight 432 >> -endobj -716 0 obj -<< /Filter /FlateDecode /Length 881 >> -stream -xڕUMoH+z2`"RFMF6H6x笴`QuUݧϡƃ /ZpxZV_ ˓snW}g~'?ڹI{)GݿPp9ńa?tX_Qߡƌ~9ޏ)UUşnqxPvCWgd1+V7~&1Hu}Ȋ۳oΏq 6/F>oS~xUw<_/:Vu7>N>{ũֆ]c˾u~xuF46pCk&yn_bl MDSr!Ǿ{4\}!#:(P0vyT؁`h- 6hi*.Qg|'ȋ`mk`QDŽkıF'\S8 8: m-ב.y_T\/k3M̽P,c`xf} LS $suD> -endobj -719 0 obj -<< /Filter /FlateDecode /Length 678 >> -stream -xڕTMo@+HɁxYl e#YJ(*) }`zH۷f {eE7/ū͍|5MZT1).݃xi|czquUw6x]ǡ0iVV!XGnw˽i2۵nyu=0gW"ͶVIfڮK)->)3 K*ڱ:GDQ8w~݅xszsZWY,Nv}{s[GM[fhA!R`ײ}~ڝ|cWhq-y]UoYH,[:*bCé gKg+}Ii%"1%4k DDhӜbK$ VL$`.zZLTы9Sgo]xc|`x{zcTSڏl~,FJy`^W!(Z1jg?e-+ѵ)+ZfcS!iZ -. mHƈg4em -0F>Dx>?j'1zȩ#ȣyhԢ50ŤO8#Al͡Y~=3NH50ƹqҮ9Mq=ж\uBў TUui1zΜ -endstream -endobj -720 0 obj -[ 633 ] -endobj -721 0 obj -<< /D (subsection.2.2) /S /GoTo >> -endobj -722 0 obj - -endobj -723 0 obj -<< /D (section.4) /S /GoTo >> -endobj -724 0 obj -<< /A 831 0 R /Next 725 0 R /Parent 608 0 R /Title 832 0 R >> -endobj -725 0 obj -<< /A 833 0 R /Parent 608 0 R /Prev 724 0 R /Title 834 0 R >> -endobj -726 0 obj -<< /A 835 0 R /Next 616 0 R /Parent 6 0 R /Prev 608 0 R /Title 836 0 R >> -endobj -727 0 obj - -endobj -728 0 obj -<< /D (subsection.8.2) /S /GoTo >> -endobj -729 0 obj - -endobj -730 0 obj -<< /D (section.6) /S /GoTo >> -endobj -731 0 obj -<< /A 837 0 R /Next 838 0 R /Parent 616 0 R /Title 839 0 R >> -endobj -732 0 obj -<< /A 840 0 R /Parent 616 0 R /Prev 841 0 R /Title 842 0 R >> -endobj -733 0 obj - -endobj -734 0 obj -<< /Filter /FlateDecode /Length1 885 /Length2 9111 /Length3 0 /Length 9745 >> -stream -x}seX[5 n -ww Zh)p(R,{5vyw -%PU b;rq@n6NZZ-+'[0Z0 -b/7+ܥAN,jN.N' ߁@hZ`Z);I_,92 --@l6r( Z0X:99Nޔ7فQ89fV-Qrw8f`U@NP+7''?  -صu.ٿIII sdNV7e_]ß1* `g?3AvV࿺`PY9|7 -N [+S { CVVn`3%d'moZكGF -=O -lodM!fV.^> -p2//`G v6;=O -gxP*5'd ןa7,:Cf_ws?E(3S몀J WY=-Bo$:16e(=jc՛5ƷP{G%{ȐIYw?{6iS,s-VS84O d5B;_mI4!+$v+b43QwWrc; >!58^"gQnSG[+];=В]k*g\9<Ǧ -җ͚]Ne-^e!* -9S;n d0|9`5NF&G;ya8.W-ybQc+#}<^vuJ˲Q;_&/ugdX)44Ԅ&ᐂvvL"k<ֺ 8EDa;nk6K7؟!lȧ^"M0-BQ[sJ{ \gw@~GR]%q< NE/m#Yd'?O]Oi܆Hi{94憆Y'2T8:oK -SIVa(EbNzs@/dd3jI3~ ]|3\$:$(ME*񱹖 6yKiX?yd{WD-l4s MSm?R`4?FiP$Ω:vRCp}bKw4x>W >:S(mqbV2ʡzd[M9c,MC1Ig}9ۂ/P5^Un3V%{l!u8(*㐾z-\ԮhKn 8\c^>ǠA7,SmA0Bgض YNũXWW£ðSeMCqh}:tr7}>sg۴QobS,p1rцSU J Z|Fui6&•͠4$~˵ݞ ?\P xZH2L|9\0 -ĸ[_'Dv(Ǝ;k QÆCrjKyBZ5,UK5陵IN*'q%i7OR_r}978h!Afm'ݓ>v `LSdo^[ b/{Ez~ E WRiדP˗0ϑ3[G+G<8g3GZЉ -IW&"ʴ5n -i6XC}!7F!DC \1-5-gESLH%a)z2d~_.u#d6'͟A?=`@oQt]bNv{ݧ49i D Os`iR!Op+o}z&8g78(f_&vXoD/c21JâP/IkZ ~¼UX$arfwd0B>jytzCBOelFÁd@]A2mV\ lu| Rs_O3^}զ7ѧd*Y|,28*aw}Ud1>ZEFP c-ob悇g9➅>U)bZ -eN&lC`MhWFneoj}fPDC~Kirdu-ޥ>'cxsV]шnOk-&O+g^*Mm2Y}kxl܅㓆 ӀŮ/%"LP>dzmV߰](LLUs - A81!!EM>@Q1Ƭ2~–%jwط\yT8%JC6gtͺua5YB5 FRQlDj>*qq9BqDpg[L3᫹%9r<@E \J*%<=SϮtP< Td tlu,Wm'/,&zbsEkG&+M%QiQy) k=T^'` $D%XkpABn5n\onS6QXqQw-dyvZU?;t$j4VKduAq #, ןy +]9ʀnT|֙Z= WϫG_1`.kV *'3-2DZn&`1H*C텲w.'mznlnSΌTz*A1$-Rl2}P@W,*:3Ҙy*U?d<䋙O^UκIitJ:0<;.BGbuI?9Nqc_ -,+N BJ/2:v/Y(rkӇQ3ވF VnW46@xے;^t{\ -GIԛ"j#xQ4,jkwjl񏷂 k -5Hub}(ɋ|tSIlAzԑxq$Rś2(n`3&VbsEza-lvQq!l[_UHBuJ&_sFLՄ@2N ؼ(Wmw,$46dRJ _)۷_%V?qL:%>W_cP8s7¿v8 -wy Dz֠^zk&ߓnl*giXR T2:t4Zaϔ͐Ki^UǴW. rB8{2}9^1bȶ+d>ob"br ;icڧf=?cHfRb;`1)UjI 2Bǒr:QyVkiF`*\er[Y;O1/|ŗQF忠.5SBBZUÇVIEo(GռcDP$h^PI9 -R0;K۔^fNu9HX]D,NsB2Nhx?,Piȸ5h|vgv'8F\%'Cd[Ldp|C=):_q=,[ǪTpnG=whŭ!0Ǝf]'Ij[cQ޼G.:hit\:J!W  Oh$Vu#[]quzC?Y@w;_oJWhg5 gcر"1+<ChWs$ -hZQ'%\2_.ALw">i"SpR_W([p!9}rJCA\YkKK+@ iw/L2j4A`“ĐF*`Ewtfuf3l-M~TR-lI®[(S397CL?DϐJsQĬU~29t4B_aGal>v -^v~{>wjسT~*IHTmDeTrgnxd/D-C4Õux$d- Fm|"PP[ 4 h^ϔ.Y'Fw, ?^TQ Y4~L}͇|xc"&Ë)0-T$w~kf(%cφS=A~9mddaսCpIWS,gʍ{/G=ϴ8_]MQvA}2ColCrJB L' - -rdEsn;kD}wn%oNg>qOUY(lF"L[13^w?.D~U\B/%.1B}(g.!u#]l1߉_6Klu8}x rR,ɪxmH߯ nZ@gкR9)~U{.q[E/&Uxby5q}"C%[_{'/î\Iw&yhE4+RO뵩I:Jg&%e6I[-4} ң'KQ:m#98!ؼ|IT?qиH N9- --&c݅s n bwT zJvVr?WJ4I7; H~%Kz|'T@̞-{ w xHI=2otR -((QǗV^o=+!9D~Y6l.  6Oԕfmu1tHRy߇UWny'sÑ;C>| ;jZˇ,%+y9fKn|NM,)> C󁗟']r2+N XDb&]֖vaIӸJQWYQL%v`m֌ڞ`LW|hQZu\=KoYpD O=H -xUkO2>TF[F!B7]]:G:dznsڑ^`tQe`B*oQ J`U7!MdK6hib͸BvtA{2 grNl]r:E+]qX5} ܎@ˈQ•3ϡ5Fmů)BIE)_`(w.cQM$ ߊhPcQȎ.{jW,Pn1}hn6y7iU0٢)_Իh\P"L;R -j\ $\(;+; -V--J zt_5@$g6 -ɒ AvSdöYPoپ鬍'x$r=3VѸ+=B^;NGTE߰yL;"I@-} D7`k -;r$r͙ٗPt<aàGhD j_Ft3@_@]+Hbu+;Qܐ$X,Q.c4DnŃ2xB I=.Qtw0esn+ΐw /Xc4DeRO s vޚ!a 8dPp/0Y֎1{ A|O{f)fqCb>aU@K92A D>f`5LncMt/Ka?2Ĩ~y}WF-HbX5U4F^\yY:Y߻{Y_\y*MvWA94hJQ70?ā! &H}\Xk'|mp-Ÿ&YMK9q+'G"`O˹VTu}q(n[A y=y+V:-^5De6/AtI8 : 'U>$ҒJ+ZYjnY)?)W?HT@s?D?bӅvJ'Ȼ,e_?>5Jw<̢>K33+4Hwijbռw=Q|52|_t׻4轩{'xIԏ`CP졁T}wT^9B ^hT5PO-!%hrw/|>-NF 5B.7֓dѪXn+Q'17v߄ՓB ӓ/(/s -w#ڿLOCilA)jM7N/%nTV*W% pSfL%>A9Cb Ӌhl;ldkp'w8Z-1;h@`[2G%M`\ף>ri=l X tz]c74TJRunZݧD^bt~[c(dq,v$lTw5վoFzMs{-᫠ ]#y͵K/u$\T!q{n`'T@\Egwn]Yxs:83i3yrEX/ e׫k gБjKk zS`SӿY<4yv4`J>LxgcT,9^ -ZX]aˣ5hy+F=VN ؂,{G:@ti<;P;yB:qEwoH`5`J1ZUfrea`78z?T!~U\sT2I0^rK*ue#^}vHYHI%ig[`Tc` S ߙ;i73azi D"|,X遴Qe -oM, ./ {jaQ29(/ZTxi)&2%N\'cKTОFT -Kbn%*EWa%N~Z|GUbcϟ}%bwC$uT!\BFVGOsuwXϤv qpuaԏvzX&IﶹW[wk6fʒr^~ͭX$EHJfIsn+揰I$:^F1|eM-hijXŔoN FƜviȺT)ۺh8ԊY(z.%R'饹A`2V u3FF>q;nJ9u{id R"E/Xew 2ZC/_S(LGKtxVǔ6@=}j# 62(\:ճJIDh]x\Ҙ;> "Yg=c4'u޸{Xj(\IoSH$O(`8ɏzkFRtRSyXm6=)lԶm.8wlڔ=~S4G_iqDfZ:yg|ݩU%#"dhO"󜈇޺O4ՈQnR{̞:sp|0ąM\C*Sԫ'b*T펇1YEо%lmbq]-,%Z-JA?&zU!x~op }*%?K'QC-RמּZ73 ݯQt8DNQ2eCY'lZz16% s ﴛU3׮&.|Hfd+VdmAO7='Iܒk 5&ϧ;夑&i8yH%#s$kK,14d3^ | -endstream -endobj -735 0 obj -<< /Filter /FlateDecode /Length1 1572 /Length2 7543 /Length3 0 /Length 8410 >> -stream -xڥP\Y׮{ hxpw @k'I݂Of2u%^kj {(C19 P ,xZ-u@N{?l%@f&e{pt@N' / S/;{'A2lh͜@Nk0 V2-j`fogN+"fN=c)sY\!00gd읬AF0 SOpazAANxg&~cpZJڿ| œ99 d z%8AEpA=K]FB@RI\N~~?! $qvZnW׈03= bPFv܈Nk%a?f]~c?;A,|.K\~zPg~ g&X9gR Arm%!3\88XBA?@PIZ<j >TaxyC$7!7;ppy? Dq]8x~?/#BA߈! _!_#_._%2JFwV\5>b.^hnG\2mp'zx !p~N3b*S]u ([% )-̂e3>Gɜ\rHK1X_WJ9Pϕ,v\֭myJזzI-1hK^%A{zJ22BH?XjCH^p0"k*{ߕ2X(HD88ρMZeXF :m4яbLS#Hy˨Gr[_cWz3}}'F0)'pʺ?> i?ªm%߆c&h{(h1\!c5$;5y~~d8~Lwn$%kU["fN:I[utv?{WbnfeF$]i`w2vv-L*= DÂWvT -H0# OqG߾xNj#S|=UQ6+̩|Yݩ}Fk_>-+%|*^ezA5Z \$ŎfȓJiIu`ȔqskwS*c(nN$/'FEy -%hNFO*v| Sxlg4p!aHFp~’NҤݱ!v9F "\+) Μ*~r4yV\#wS7Rl<`d0sXh`j4v}h  m*8Cohj -g^[&,pL~ϖ /Va@{Oh(uSZ6lP޾]\߻S$0q@"+ L "f _x^QGrdO$|9ȒN)R^5~c3>̟ق{ZX򨖵+t.\2wt"Ya` -Xm>`xلB&w0n|G[M@6dM-eMaw<kɐw?RG`SыMWP2{̓hCmh*)8`qпEXTؾui不|xNM +SfXULڜm68AFX3j8|7YsU%܈x`IzwG=%;oN|FYo;nƧ* M#h 1g(%gw:p yvzP|Z##s`2wv]ZCbE:YEgdxϭJqDGj,J -V褼LLZU -vΌ{L_He:̗lI!]8&=eϰ;a^D0i`aO+F(eAHkˮ`%b - -q= pZgt2UZDKz0}oZrc>EbPγhhv C-8KKSjx-4})'U /5{qμqjQ%NVy?i/IWil ̪Ae5hX5R`!9tأn~Q(БRHWHX7tw ?z:܂&vEi&YȡwnT $43Ո<<9Vq"o8aaJ^`q=5SI-fYUnגWTekgm3{#{x!-zŷr0mI۷ӬH IH-YdofKsK3B % MU#^LD:{k[pH8lk1_C%|У,f1w5M$抨:PbBw~Qo=+JczsUY7L Q}zjlP< ¬!@'n߮9zcQKdC,'vnL_{dQo) !5Uh#} í\#PD7k -I\[I0Z7^A WuBݼgѽ -xf>'aڋ -wm?7د;DzB6FqG_}N'"tr3ОP"T]{nyaA|yi%cbZ$XEtNx8}z5E4R- f/`b+*j H $Dԅ* Wq "&ň/yx4'ɹ拋I)T+(]GF}夅^TwH4M_Nu>繕Q`*YT nQ -RΗ^s4}aId ]n4\O ԜcDtWXΆ?0 9Vv>LjGRCs)_aSnP}PQBOqJ>BCzB;¡3?ƴmԝ׊XeOIk3Ç>t{L鴪 ϶9ORh-Z`JݳF쌉,#Hܶ0(}"V >;:@-HJ3lέrYeB2D4k$,s]^V ֏OXɌLW1iE|}Ƣo3y4gز\o Ad}wqOa,JWu tO䛆Ubh\;/&o9.qͫ WY:k0OGEiS 6"3b>T:D)dInĩBy=ȉvᵴ4yNamkab0Rd]#.L h\p1`aJ13"^.ߛ: nVKN.U~ a\J -V kyo~CNh/X/ÙWBBkhSNA -"BKtdhs7c~Ӻܲ"'յK# -G!U~gVΰ4(#'AM#!UZQE'[][lgz d~#hB䃜Ohw_+P0+Md(l*SʬOǣ=E\jókoK-ow\^Df]U qC DYVBTX$ 2> -stream -x}R{4Tyo+dt,R 0cf )&Y34ڙ;Cg):E[BmJz %RT,:;9"{:gy~:lw-0'(TK˥)J!8;8l htÄNR'%q`;6/g?najJ'ѩB8#(d}*ldA Z0,EQt3 JB*,$b~ J"1xÈ0TY8_lQ1 "u@0Fpb)<{,#(Ƥl&LRB͑y<ǚN4f4,-S)1dZż5G6"e`_ XG"{3軃C}OD!wEb\+Ir+}^C[RV 4Z:!Ժl|5glr.THvRpT`cUswFm9Utos$ަaMJuԌ.d{|襙RuGTlk:px~U;/ M\9''S\wĄ -Z -OS]w!Zd1)80@5$Mx^xhi;|}Fw+X&elK4b>Ѣ[V窐}r^3sMוd=ypwoO1߭X:S0!^Y =%erva^9OYe{ݭ/X*5G2.Oq([RoTraq4J\k*F*(ngWeu{rG>МZ^l6ʠm?v{Qv6U./h~۳ᰱu$ccLL7ç*~fҟG$JA{ C u5|: -|Jc촯V4:s[5r#Kitn> C=M3kqCADMrUq-zVܚ:e㭃iq(4rI7ʣ)SQWSO#67ZQŇ^zV^Mδ6fώ 8÷ -endstream -endobj -737 0 obj -<< /Filter /FlateDecode /Length1 883 /Length2 1288 /Length3 0 /Length 1908 >> -stream -x}R{<NN.#~dTf޹MqiC;e}y'3rlI-J d[ݶlmsӮ6$%!ۊDvڭ|~Z}u`T2V \ ϷVa P<&yv*CTPLi4F}OĤ*`10 VJsk'w# -x(,Ui @(ѩ @x4B D (SlTgQ&(.#, >%P0,|WsxQ` AT}BT*VAI`@ -b{y`9Ca0 c.1 -1ޯ@xH|lB>a@4Oyrq[yD?@x /~7#|W4B<,"8_< ~@T0!sl /BQ(,w ->1FA#R -^UفTVΦQ Wh9TC FL.i"d a>~/JU;TBD +`>A _'ɋf= *r !EE^x$Ќqz)wm9jf('VYhB}Z_F*Ӵd~7eg^Y}_"f8eo_"m߾S /|Ļ615ݡȄ}:+ᄇ^NQQaؽjDO~y8,ЁYsmJT\rml1R`1Oz< Dڳ{h] fX;%ZtVvHR(q7ݯ-oxZ6:`)i;; "YѣUX*1mA֧/]KyciEK5O3 fLg#7ǜq]Nv({G^(mG~S s~t wpa߈u!_?ְH Tѫxq~+|@T˘-avB#aG.`k^|dڼnYc"L=TsqP64v{WTҽ77f(QDm;U/Y&QL;v?\jcv8 v_W%T^s#CQs>smV 3S+*KK>S&v[gƀV QY=)]ƨ]Y:iK܃[븆sSc̲Z#:%*i#>)¢9""4cdWvj:Xmp*0_ 5i_nCM41۹LzadsӃCnk&e*\.NMʽ۪U]vT<Xd:n43.~9A*mvN&f՛{JS#K ]^f̰F5D}%Fͩ%MSv_ءnUl˶/Qn[75Z1۪S_w8/}ݜGH\å3g.3'?Edt<ΘtV|{-'3"nד1̖,[1Vk,P;۔QMwxe-WF`3|UurB~NƖ%JPw\@YZBSQ:'FI`q,l~)s~/ -endstream -endobj -738 0 obj -<< /Filter /FlateDecode /Length1 1284 /Length2 1147 /Length3 0 /Length 1893 >> -stream -xڥT Tg"k%d@xf+1(C2ILBH -h Ԟ *EKBt9<ʢBA syP%b`6(4; P?@q U("o$0O@0N7dḊ'#*82@g љ=C4B g/"RdI8"˘9,B\ $%*~8\Dć5Å!a'ui'X&IN1Oߞ7K{գu7>n`[[lohוX՟WNtÒ&[O[AO쟭ϫK):qt|C8V\qnQ\F -Ԝst~qhGő%_n,2,`Tw|_tFAm:<`*u/~Tc.Ofۯ{u4=/#w-ZZrq(k:5M‚ц :16Yiudn'_*FO:{huwƚYzdW,g]jx0y8F MڳE.39^i>enIfo_>(YTV`͸w֫0TqojYtYhgҺ -endstream -endobj -739 0 obj -<< /Alternate /DeviceRGB /Filter /FlateDecode /N 3 /Length 2612 >> -stream -xwTSϽ7" %z ;HQIP&vDF)VdTG"cE b PQDE݌k 5ޚYg}׺PtX4X\XffGD=HƳ.d,P&s"7C$ -E6<~&S2)212 "įl+ɘ&Y4Pޚ%ᣌ\%g|eTI(L0_&l2E9r9hxgIbטifSb1+MxL 0oE%YmhYh~S=zU&ϞAYl/$ZUm@O ޜl^ ' lsk.+7oʿ9V;?#I3eE妧KD d9i,UQ h -A1vjpԁzN6p\W p G@ -K0ށiABZyCAP8C@&*CP=#t] 4}a ٰ;GDxJ>,_“@FXDBX$!k"EHqaYbVabJ0՘cVL6f3bձX'?v 6-V``[a;p~\2n5׌ &x*sb|! -ߏƿ' Zk! $l$T4QOt"y\b)AI&NI$R$)TIj"]&=&!:dGrY@^O$ _%?P(&OJEBN9J@y@yCR nXZOD}J}/G3ɭk{%Oחw_.'_!JQ@SVF=IEbbbb5Q%O@%!BӥyҸM:e0G7ӓ e%e[(R0`3R46i^)*n*|"fLUo՝mO0j&jajj.ϧwϝ_4갺zj=U45nɚ4ǴhZ ZZ^0Tf%9->ݫ=cXgN].[7A\SwBOK/X/_Q>QG[ `Aaac#*Z;8cq>[&IIMST`ϴ kh&45ǢYYF֠9<|y+ =X_,,S-,Y)YXmĚk]c}džjcΦ浭-v};]N"&1=xtv(}'{'IߝY) Σ -rqr.d._xpUەZM׍vm=+KGǔ ^WWbj>:>>>v}/avO8 -FV> 2 u/_$\BCv< 5 ]s.,4&yUx~xw-bEDCĻHGKwFGEGME{EEKX,YFZ ={$vrK -.3\rϮ_Yq*©L_wד+]eD]cIIIOAu_䩔)3ѩiB%a+]3='/40CiU@ёL(sYfLH$%Y jgGeQn~5f5wugv5k֮\۹Nw]m mHFˍenQQ`hBBQ-[lllfjۗ"^bO%ܒY}WwvwXbY^Ю]WVa[q`id2JjGէ{׿m>PkAma꺿g_DHGGu;776ƱqoC{P38!9 ҝˁ^r۽Ug9];}}_~imp㭎}]/}.{^=}^?z8hc' -O*?f`ϳgC/Oϩ+FFGGόzˌㅿ)ѫ~wgbk?Jި9mdwi獵ޫ?cǑOO?w| x&mf -endstream -endobj -740 0 obj -<< /Ascent 952 /AvgWidth 520 /CapHeight 632 /Descent -269 /Flags 4 /FontBBox [ -511 -269 1309 952 ] /FontFile2 843 0 R /FontName /AAAAAC+Calibri-Light /ItalicAngle 0 /MaxWidth 1350 /StemV 0 /Type /FontDescriptor /XHeight 462 >> -endobj -741 0 obj -<< /Filter /FlateDecode /Length 278 >> -stream -x]j0нb"q` !%E88jY;JBwq43gv6Rp:xA3bZdw3ݷ^ehn1r_nTDZ&p'9{ u}t\]\Uֿ=SZAigDXF҃ѷC.<өR̿p7EUJ|TY K{Dp"`!܂}b.lAmw"YVX-í/򃗇 -endstream -endobj -742 0 obj -<< /Ascent 952 /AvgWidth 536 /CapHeight 632 /Descent -269 /Flags 4 /FontBBox [ -519 -349 1262 1039 ] /FontFile2 844 0 R /FontName /AAAAAE+Calibri-Bold /ItalicAngle 0 /MaxWidth 1328 /StemV 0 /Type /FontDescriptor /XHeight 469 >> -endobj -743 0 obj -<< /Filter /FlateDecode /Length 301 >> -stream -x]n0E -/E@CHJE*=DYvT,g.٩yj 2{j9XyX|1VF35vNdxl0ɪRfr󨧞٫썽M'l$QR=wYf)m4&[:>V!&ͳ^XTDuu>ׂWMpm-y-C -IwPj%@QP@K(@c -мzvP1P - -n;~`|=v^+3X=\@yq -endstream -endobj -744 0 obj -<< /BitsPerComponent 8 /ColorSpace /DeviceGray /Filter /FlateDecode /Height 214 /Interpolate true /Subtype /Image /Type /XObject /Width 214 /Length 1345 >> -stream -xa0]Kcg.I}4&BL35|ROOߙet`:0LӁt`:0pQnU8mmsTC0 @*o!x @oS  -@OzBW xW @/:A0)>Lt7:@0}sG0yZG0uG@h;M#xe=,hv,h2V,h2Fh6h:h:hA -hAh Ah A*h -A:h A:lpjbO|n_XnU,L`e%(jY,\@}Yk(3ݪ&q̈́ .*}>5G7쪆@!~g,]{5% JGЩ*u%TPBH22*?^* )u/V^Xb4?tJA9/T|U$jЦ -x - [kC(W - .jo]*ë)mc+ݘY8N"uKl!h'I]D[ RED;:,QGyYׄ5o ɵﯕ^UuSˮī5Y4QrT5REcta -D\P)Z||>> -stream -xW\SW?7fž2Feˈ"&b R`QѢE:QVƭ/RAZ\X}~_p9YB[xRi.!')'pҦ"M4y)'.. IDH^D)B5vQ>:DPCÄ/"2 -$. xQ^ bd.eb>+\+ax,wWwV,?SV?\9i7^oWB !/C|^h"`oEAQlSGs97f’+GxBQ() (rLɜX _pH%sf,?CB4+ I9I(v.z6/2`;an8FK =O-Ɛ(>Q(J;BYUfø"H9K*x1d Ћe2#}PL8BR0|4u#*@bT@Ygh0KM3 -Pȳ|' -r X>ʄrDBA%#wU -ͿFr~b0 XZ܁I(Nar7%VH?T -cm - CMLGD[M3JB>Y!sҷZ炭(xιd8>`;;gxh*42;H5+⹳^\6[̿rb\~bj9 hq]dS6GlѼQ0I7ހ.5C Ă/Nj/{hϧ\ %IUA4L y -u1 !l{|/'dȔ2Jg՗ .yʝ]쇊((Ǿ#O8ނV4ޢ@c|qA?|H 98 -d>}lGb=|GshY4:c+2Sʴf1LGĘ3Y3LC`3C>c$c !D2u/ a/ST9ް#kd>gd&e 9WETd$Fĕ=1sMV-`<6](͗fO ZebBh0ĢrZ$`raN\zEp"hp2p(}|iL%*dqf$dq%|Wg; =Ћx 3eEJAH`z#k^poEI( DKĶ -ABfB BG1t.+݃/PzK4at1cŜ0w Bh,K2,Lɱ23[mv` طX v]`XS)z3eś¡DQ(3)YRJee#D9MHtQRq%{x,g2|!^ux#Tv:ޅoKMLBb9C4gD71@jPMNT_*:EGPGjP_h4%MO[NJ;@;EJ{Dt'?=Σ+'= 5ÝHgH^ 5cƐJ@De.V*=*CڪI٪KT76SBMMJG-^MXmAjjouՃgWV?~GFFF -35^3uL.S\Ĭe611ihjr4gijhּٯeZUբuKkP[WM;V;O{^ ڽ:t;PNN3:tq]k`]gtzzz]џ__\7348dpୡ!Ph̰+qFAFB*FFoYơ9ƫ?0!LMMl39g?No8q5:&7ia:hfnn&5dvƬ<<| > ] :OX,+u5`ija)ayr*٪kUkoLum66SmlܵUnm}egoj]=׾~} @u7{uGȱI3Y\|E݅Rϥ5ڵ 6'>=ۃ ߷{n:nnnn;koLԘ6q'9MN6鶇Tmyzy<=l2x^}އ3g17|s;~pɏy;X_tZ=dssMaOM92UoS!xHxHUȥP͡ì² {?AXqks^ "FG%Fm91Z:25rکclc$1GcQ,7vm8qkMpK(KhOM7eҔIm))3RR^I6aڂiLiO1r͙3g^e2+wٚygP3R3fxss7 -}BL5YYkDQ8XY<;"{{؜9rSs12Z$:|R'iksdQ`fAsS!w.. -(-z=/ebbIqGcɲǥa_'緕Y-)^Yc!p¶E֋*,_g꒜%?הYgf+}JfRۿ qieTXͮ~/ݾ+.\mmdՁ^SکkֱUsj&lߠAkcM6VmzYvJ-[myUڶmͶWo;w4,뮔]_{PoR_]n= {6x545ݻre|_|MsKO桨Cm7~gݖ#G]iW["[ZZ|cj_yBDʼn'KO?uQ{gq6sQÙvN]G/z^l8OG.y^juϕ֫x?޸yf۷f-{'Ew-}5Mktyv9{R˻_5~yl׽X_Xߕ'ӟ<>M-}{z˞c g`×y/^U6~o{GzCއ b -endstream -endobj -746 0 obj -<< /Alternate /DeviceRGB /Filter /FlateDecode /N 3 /Length 2612 >> -stream -xwTSϽ7" %z ;HQIP&vDF)VdTG"cE b PQDE݌k 5ޚYg}׺PtX4X\XffGD=HƳ.d,P&s"7C$ -E6<~&S2)212 "įl+ɘ&Y4Pޚ%ᣌ\%g|eTI(L0_&l2E9r9hxgIbטifSb1+MxL 0oE%YmhYh~S=zU&ϞAYl/$ZUm@O ޜl^ ' lsk.+7oʿ9V;?#I3eE妧KD d9i,UQ h -A1vjpԁzN6p\W p G@ -K0ށiABZyCAP8C@&*CP=#t] 4}a ٰ;GDxJ>,_“@FXDBX$!k"EHqaYbVabJ0՘cVL6f3bձX'?v 6-V``[a;p~\2n5׌ &x*sb|! -ߏƿ' Zk! $l$T4QOt"y\b)AI&NI$R$)TIj"]&=&!:dGrY@^O$ _%?P(&OJEBN9J@y@yCR nXZOD}J}/G3ɭk{%Oחw_.'_!JQ@SVF=IEbbbb5Q%O@%!BӥyҸM:e0G7ӓ e%e[(R0`3R46i^)*n*|"fLUo՝mO0j&jajj.ϧwϝ_4갺zj=U45nɚ4ǴhZ ZZ^0Tf%9->ݫ=cXgN].[7A\SwBOK/X/_Q>QG[ `Aaac#*Z;8cq>[&IIMST`ϴ kh&45ǢYYF֠9<|y+ =X_,,S-,Y)YXmĚk]c}džjcΦ浭-v};]N"&1=xtv(}'{'IߝY) Σ -rqr.d._xpUەZM׍vm=+KGǔ ^WWbj>:>>>v}/avO8 -FV> 2 u/_$\BCv< 5 ]s.,4&yUx~xw-bEDCĻHGKwFGEGME{EEKX,YFZ ={$vrK -.3\rϮ_Yq*©L_wד+]eD]cIIIOAu_䩔)3ѩiB%a+]3='/40CiU@ёL(sYfLH$%Y jgGeQn~5f5wugv5k֮\۹Nw]m mHFˍenQQ`hBBQ-[lllfjۗ"^bO%ܒY}WwvwXbY^Ю]WVa[q`id2JjGէ{׿m>PkAma꺿g_DHGGu;776ƱqoC{P38!9 ҝˁ^r۽Ug9];}}_~imp㭎}]/}.{^=}^?z8hc' -O*?f`ϳgC/Oϩ+FFGGόzˌㅿ)ѫ~wgbk?Jި9mdwi獵ޫ?cǑOO?w| x&mf -endstream -endobj -747 0 obj -<< /Alternate /DeviceRGB /Filter /FlateDecode /N 3 /Length 357 >> -stream -xuKBQǿj! CÛUA. j E -W{Oh2h jɩv{.˹sﻀ;2VP-#K- -Td1EYT{>MYN8z+_ެgї͙~C3,%+{|@0R5g5i%f[r/_r"&ԟ7('`(AEDl} 'F1!Gf "w^ɽ_rMb5z(067j8|:F#lHخq`I{tjrީ7V)j -endstream -endobj -748 0 obj -<< /Ascent 975 /CapHeight 722 /Descent -217 /Flags 32 /FontBBox [ -576 -287 1987 1160 ] /FontFile2 845 0 R /FontName /AAAAAB+HelveticaNeue-Medium /ItalicAngle 0 /Leading 29 /MaxWidth 2225 /StemV 0 /Type /FontDescriptor /XHeight 524 >> -endobj -749 0 obj -<< /Ascent 952 /CapHeight 712 /Descent -213 /Flags 32 /FontBBox [ -951 -481 1987 1077 ] /FontFile2 846 0 R /FontName /AAAAAC+HelveticaNeue /ItalicAngle 0 /Leading 28 /MaxWidth 2225 /StemV 0 /Type /FontDescriptor /XHeight 523 >> -endobj -750 0 obj -<< /Ascent 975 /CapHeight 866 /Descent -217 /Flags 32 /FontBBox [ -1018 -481 1437 1141 ] /FontFile2 847 0 R /FontName /AAAAAD+HelveticaNeue-Bold /ItalicAngle 0 /Leading 29 /MaxWidth 1500 /StemV 0 /Type /FontDescriptor /XHeight 650 >> -endobj -751 0 obj -<< /BitsPerComponent 8 /ColorSpace /DeviceGray /Filter /FlateDecode /Height 587 /Interpolate true /Subtype /Image /Type /XObject /Width 512 /Length 13388 >> -stream -x]gSE׾[K[: D %Qy1X( -E(##4 ,Rβl&7=s$glsy涙33-۫o{jiemtܛ^_Y*v9ǷٖɦFU635Q1Jv5hwCF,_׾W`fOy٠ -nL9hRٻMm˾:@_PRk s'9rIQAO'푗g9xO& \rNAOL⏽WsDKm=~KfфjWuCN}$Ĵvӱk0MJZ}IyZPqu4$%^3-|mtGDO|Ҳ8}Z&iի`L1]һ>m2d]m> -fd \V]r`^| JqBZ⟝W⮚{K.[[-<0$wnh4vfy-Q6[%*t#ɺ@ǦK 唛'mw=!ԇ^Y|[/n6 3c@@^&L|lrZ`L3i*nQJxq155zG#mJ˱P'R\>.W6qP q$θ5K \FY {qmI!+$eǭ8 -47$AYp2 K e&z@=îk n}5%@; *i8nV: /4L(T}w{@Qj(eB``V1 7֔&Ĝr%J268 WjIFO)`c /ghE6KϡIIN}i@g}LՃSsi0Z&b)O -+*f~LOC3+&tK P>$'+' G6 .) ?D@0m-n="0AZe ?F`]7~Ilѹ5"g 0C$Z 9I5 -Uq`7:k 8"p4 l j,u=n20J| -´,Hd2A2JYr"|]r p?<[i` E%[?aX%9\Re`#Ё+j%Wʡt/p /Fʡtq )'P:DT -Ur =A%Ё'H=i` lz@[Zɭ*jY?1CrEK':0Jb.6 ox/Ë`䟸\B= K O6,M$D`6~J5Iwʎ vÑ%l*N}a"TC3(tt@2^?Qo#^F5R!!O 6KdI&[A`Op؟|U0k4*A*>m{(z| K@`StߥP -2qAztҿT=W#QMLyZ>E<+"py8뤼*i8 ?7z q0l@٢ FkL~3t[(m2G'ɵe%3yfιR6D 4#(@QGf٭TP΅GAB2Zj -pBژ4 -NGCu91!p 71eFޜwU Cd0uo yWEPW>\}yRzWsY^+kh;T$PZA`#yY?kGH1,~ ! ?H2O֮Bɼ$ 鸓b呬V2b{'*KQ>Z׼w6 A -͢2a #nNDf :R]*fhE#sDvpT.B;dM!1ty8jf[ICg,IFlw\ikb^OG/Ff˜9!MAj>zB +SJv--<H[ob.p<]4WϑwŠTm|Q.ĉg8і-1 *s"ܖ:Cԓ8^K(B`+ ,Y-o^%X[`Bc0[VDo*Ґ[H@$c/Ew@@uWjQN[܂viWOU8{fZŝ2U#9\Ihf; 8^L$&+Ez+яOR-R(=&u )H چ`J] < -ym:0A]so rwOT3C/dfcG}uA/6apg{Yh.zJ --u&Rj-.U zlz׽"d#zM H≮coBZELoIl9o틄b|֜{YKA]V=[~lK091MI[}Htn=uv:4s6ky:XUzKnZxqve5ڞc"{* M+ŋ|pj*.xcP+jQԶ c,ίU:#} - \򝾋^7n 2^f;H_Vh?J2nICLͱ)wve["dU,w.6-:m&:aPoCS4zLP#V݀g# n:n@;vxHVe.6\"zycbU Kkw[pyAG|4XICς˹zYd0Ҕ]u~=awN%4\[kYX2 85[ ƴzHA3XGo6[Kv4;p^kW2@%*ݭFcz{mBZB^h z:εM}4ZӓAXPynfl_g5s i$3HlOyF>7 L1]Hk.jcW2;!?, d!j$j/k}AԼ>y%E,#Yij3|$/,{vǤFrٵMC,U^۪SOχŶ8LibK o9\V=l]vh̹' uf 9F'Nɶo'Ha/|=A)摑kAVGn֔W=m(\1}T$d5c$ԴYbf$a}o kt|5wv+үgL'} ]OZc@C,rDzxf<;l3(N`4-`G~4^>Wy$xFhֱGǞytn>tQ `pwzl7'j[ffr<323V 5~r= co,Ɯ)R`T.X.       CºsIq@- ۚ#T4l%VpCDjHx f3ҩ7,<7cpbU G`(esSy W=7-v3ۙ{(<1CS&M" 5 -b-9ʯS3 .< P=_9(%'+x3b=4?V}p9rPJ>͔㓆r&2(Wȁ]5_9(%e:2p?|{Dq;Osgybr!FYUv@KY3 !(7X ˍq/kRf[8)AjȾP R&avO ЄʞV +M#C}*U|E>b!&![N# _4;5\e*&RiomWO&0B*5MȳuK҈ M&K"(]ô/Ofrs,tɁ}dF~S{|!~4pɬ׼.tY@ѳ,:eZ'ԟ9j~=nQ57m{WaIVP:q,3HDBʁ@uG%866AhPoa7id!.sjPxo-xCJ2UaQUxpBWSB9Qd8.1u|^d0,FD9YL^Ԭa"4a`HxHO#@s4g=zI_ R~P=qT%#Rv{GdžN+"MGR)a 2N.D*jAԖVDP$ƁSk[Eۈ p bHcNJ6oCݠQmZffGA\a6g}LoXΤ-}ExNA@2孉f"ax ƛkҚ7gةM"㧤TM#@NTNG#lt'ϳDoЉ&iK&J pjaUYJJ5:66dPtBR T:-[ޭ.hifNlc;J٦3]wU&BU6gf!'t Q J-HfMuƂNb>Y̾jCAX{8@ X"eD`+dN , B)hh9R0Ԭ&oaKrye*!𢗻P>Y JNy dahYXC [}͹t 'VJag3{ۉ+O#mJ ^ -G/ύ\sĬM);2ߗ"yc4AT6~" ViY8߄١f؟()B(˥n6B-*ؘ -hϨ|ƄVV x=Ee|҆zT5Bc)Je`y5lѦf~i@[>10b8V&x~κizRs0 @"I. 7s>YYQȽ\<[Ӗ -SjQO@k$!s\=&v[/Sv(@,ܛY(XГ̘bk)\Euo˩POq6o "P0]S%tذDqNP[ Ȇ2(n OWo,>-i;$X:bm_1}E,sk/^I@#D UJWV+mweuv$PtK]''u'؋sg-GuZ'pEV}<IVe5)A&ˬ^ -9U6R8Gz`kv^ngS3RC,%7Ĥ=5IP'~b4k3c'ڑd  hXַ?ۜt9w8F9sF23dJ->_%*{\P~͢C%>젞~: )uDn -w(JUW:~-H_cv4Eť_hM+^$vVj DZ?Q -ITw8/W_/#!%|^:Old{VBw‘(ŜB;C,# QZLaf$Gr SQFvpcB_J?t}l^{><ty6:-*2 pCqSX-W&ɣ<,A2g\O7>dk5ÆD2V+iX(@-]AXc%Txb\\R3ɈiT|{t0+U8> -@Q0 -*HcNdғ P h؊+OFC({ WzD@\%6ҢG薖DX6]Tor +5Z+qM>M)#Po黤y*>_C_9`[^k`c]1zb_ŋtr%,(2q~(8NXykx7 ~/&֢f>? Dk*e<K ѐK6x3Q7eD2FdvS5ICCϢد -$Ƀ@׭NQxVA .Ȍ/jQpEh,)#P4\=*J1Nɹ -S@U5##VٔFKr(so! RU,ds k=V|׎BKP;6DmRXޢ! +vƴdHd2M̰a :|fybx~MmkT̅b4DHe059mI#$TMz!|M\p'= j;*v$ Iɽdy &pR--ɬp%"M#/||YR=Z{3c[0̖n _$M``]ܛV XN;\~pp]3qog ; ,o@eɏ3S^a+C6lr!E~jOP,ٵrUi0uSh05vX4UꃻaJ R[kWtw#n\}St|fTc3 2_M`3[h?V^mcA>,sʮ8&ѯeLBf*+Cil:(ƊrDfNj3WMM}/ږdL4 -ݧ^)aS"Xzm9VצdVՊl wQ9L6d E5_ܮ)7=x#/:Mj[/f̉jRz7Vf#᳊V3vSuO>hY jd“(f e[ +2VMG&dFjېwOV 3a`˒ydn%Q}t V;%״G/B*=X?H榩VWR=ZsPQqpWg1l"Y ӹ23=B;7.**NP.Rnj}3,MEGLyc̃)$Z:ܝ]آ(\o= -]6)CcKV۔qej̵:b}?xV̭S߀d_h <1X8NuL:5&jPzD]yFmo<7ձ1lq[\7:>wRaX:kgc֜H${s]pdacߑ5TȨ^*jmQ5LFo:\^zBiu9R_$`ڿ"]Qx97p9s>0ICnj82Qs*f]Je12z&gn[xX`> C5a;aV%ۋWA~j 'Z>s,r:n`aa!C(ezܛEyO-KvCy\ Kq< vZp5U&`$lV#-n>*hwkOu׏(3j3xgmK}FMN ;Bo^.!pfŕiL'Ȯ--V&QEvWύݩ=XoO~X HtO𓗋ּlʯ MqM~Yh1?p.c7ÛMqϞ`҆Pp:EސqFY-]ת|ŔYyyAznyk_:P!=pqޠ$]A'q%d[ބXBLj2i%W1?ٿKؑv.G5ga EoKnR8xܾ*GZб^s F5T9:ٷab3.ٱzѷ3t.Bzf}7gYzǑ 4`A\4ѻ&h^hzo5 8Vmk5̹IS1&ӻl~uw*9! @@@@@@@-NXz"Ɖ>n'&U1e2k H'-7U8 -)P\8#gn 5玠[({f3rPJN~!t)åPYr`6W@eA)(K&x"IUM9 \(Ah3`7u'PO?|gA(& ~2Ac} +aViUekRf )AE&Aط -vE~db%( ÁAh' 'eKPj?^<; `( &9,'X ~ ⫶a&Ӫ(ngpJJ\}S5@@W bώ߅y=WNBAT\&ʈQ*}~/B*273r/f`kd (s\j ^U0POjbG3-%Z㧳<>%QKTSAkDՇJ|Xq0AVȿhXfuXS6@P'\n~>= -;4VZCSbE.7L\vpIhFN/agET*Q.@4W=0A=Zq]GF}zR#F/W'h삉`.Ԅ珡ٗtS҉o}~l1Βb -OgVWbDA6 vՑ>_@Wd?OQWij11ѾhuBlM@O'U_$C"( BSlJx҂ ߚQжT=t|ﭠ#G'RU죹(7^ #a@*tbvGCi7'" PzWSuLv2J\BقD؝TM߇'S G -\+~ ;'WwlNtBIʻhL 0{nov!sh3sP> ,ZS# .?`6+EJN gL}Sqi!k -{H^;|bZ6G%d(~:#{=7J۪|kalHѥRp0.ozG)*D3NL㑕IiH}dLQiͭ 8]B+Lc3⥤f@ƟuY TxD6n&{bQݢCd^yJ1VkHbU@?]+w @.6A\.cIRj"*$=E~S>HH,_;F0ˬFֵI6nv۱L|7ўce֚K~q=ܴKX%E k#O#CK85yE(GlZ{po SD"vК˷nqrX9@G?ݸ772>/sT&'PI+u[O?h,nzU1MאxMk@>0]uTXqz1aTgLkq!zl3u:b`gi͹I˪WwNyĬuI@ta';='c'x0X*z6LHkN"4F+$/8:M9^5}"O֤nb:kdsAa1h"ZCipsYkWKgm’}-vL 'j}顛$3CzZk0r y]IQՕ@F|uwK-K^m+@lQ&Ϛ]H /Zx~XΆ+]Iy<[]cLo[fھt8~wtzޓ;ƕ@/c۽mmӘẻzunx?[M -endstream -endobj -752 0 obj -<< /BitsPerComponent 8 /ColorSpace /DeviceGray /Filter /FlateDecode /Height 512 /Interpolate true /Subtype /Image /Type /XObject /Width 512 /Length 5305 >> -stream -xߏτ/$ިLIſ1AzÏJ!`QMЂc/%3*`JE3EA<;˕}^.㜵]3sZ-'͝_kgM>71kթ > -W:6N [hgo-̎.t -lRز[nnၐk޼04dվ2? 0Tޱ9?)Ѯ, v򒐍BZ̺.BN>ӽ&`cWŽN-cn9{肅mZ'7 :菑n9} ^h]ޘ X0Т?F&̷{^0{`a>`S@1`-߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱jo#߱j+o=|!ԝ<ҩCDW8ۣƚכ{ny޾w׋@`g4_ |Bo~aOk_m !'ŒQ-ͤx4^v/yݻhQ?Ylh4^O` DsQ~FJB!Z"p1 Ijb^CKIZwT#Dv[k8aCOQ,ຫ!V^B>7.it=J|@RLjYU4 s-{qHك54n9Nƻ{8qHki8(#p㎑25459Ne8)hs30q2(%qHAkAaF(;F -\  s 5@ p1Rg`d0QJ㎑6<'q2Pw8kc5 0`\ #my9Ne8)hs30q2(%qHAkAaF(;F -\  s 5@ p1Rg`d0QJ㎑6<'q2Pw8kc5 0`\ #my9Ne8)hs30q2(%qHAkAaF(;F -\  s 5@ p1Rg`d0QJ㎑6<'q2Pw8kc5 0`\ #my9Ne8)hs30q2(%qHAkAaF(;F -\  s 5@ p1Rg`XD/5@ ڙ߶s;ˎm4՞k^}d1YYh7EU_{)jC`KW'c*կ}!EWk7LWK.ծ^׎oLW tv]~<_ ]aǨJP6FyN=;PUڡ^rP; 43*8~܌㎑R2e1q22*#d~ocdeTr3;FJɔ0˨fw)aQ8)%S{'/q1RJ69N_F%7cLm s JnqH)8~܌㎑R2e1q22*#d~ocdeTr3;FJɔ0˨fw)aQ8)%S{'/q1RJ69N_F%7cLm s JnqH)8~܌6e0R2eٸVrgf(34&&^}V_S8`'+D׼[T/X슗Fk9w1M\슗}8V!bh슗O>EpS?V_q®7>oF@o=P5[ǂ?`,q -`=c[vzrB@,{9`qS{c%PQHe/=,q -to9 - 5N!@9G! )ҽ(($8@7VXsHJ^zX\X s`KkB +rB@,{9`qS{c%PQHe/=,q -to9 - 5N!@9G! )ҽ(($8@7VXsHJ^zX\X s`KkB +rB@,{9`qS{c%PQHe2gxUƝ:sRrYVّzQ.u/a}5vE>Ck 쨑]~cզ*D׼t%K`Fv߯f+D׼4-%*M`{7{hn/_!?nE<]qіO0֒'W>]­؎_Bp#-4*1}p"`W@7 (&`apu-4*1}p"`W@7 (&`apu-4*1}p"`W@7 (&`apu-4*1}p"`W@7 (&`apu-4*1}p"`W@7 (&`apu-4*1}p"`W@7 (&`apu-4*1}p"`W@7 (&`apu-4*1}p"`W@7 (&`apu-4*1}p"`W@7׽0>p"`v&ƷEh1#KGfߢjfV_Gπ_c<KT.XQВk?6WZ'h3s|8'h3p'=n1l0v7'U c0@y1 `rNյ@ (M8F0QirŲ (&99 W@NX6E0G9Z i&(4\] 9bلc圆k@ Q,p"`pu-4eQLssFl1 `rNյ@ (M8F0Qpw-iO1J `rNt9bٿJ?F 0Q避嵐L Q0ke_9 d -Kh#+ʽt":{^k:@np~=Z~r/`5H N8?c`?N$['x1 X}M'ȭOGO 'ޣu'V_Ӊr:F{Duh#ɽt":{^k:@np~=Z~r/`5H N8?c`?9wM_k:@Nhv{6PGpX_BF`mH&Q( MJ8~%VR d -F2b()ňZI$p>P0SAߠHXF`OzAIǷDJ"MOzeFJft#us~~x”sHE8C k?&lx,N<|,ʻDpᾼ6#G&JAWGh>ƞ=;WtHzw;@Qhkn32bo/#\owk4\c^y4FƑys]g.T8nwꃛw~k'.|t͞>K h{?`aBk|A1bZ)ɿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9Gȿc9^]~,К޸`)E,ݽx Zȑ.;φܼk᭐?.SHY:s硁~YhNt -*C+o;vо>[h\5v)Le)z-ιO_}"'>EKvr 5\^" " " " " " " " " " " " " " " " " " " " }I7 -endstream -endobj -753 0 obj -<< /BitsPerComponent 8 /ColorSpace /DeviceGray /Filter /FlateDecode /Height 512 /Interpolate true /Subtype /Image /Type /XObject /Width 512 /Length 8514 >> -stream -x]y` a ,&EpܐOEKh]VcOS6kjK.(AEDAUD";a_H sΜϛ3s;g5+ -+ -+ -+ -+ -+ -$ХK}tiӀ$F@.Yރ_?bV}5բn;g#LfۢwucyӚhFa -45`jyXV4 _C<8eeuB9jE/ -L5xষ#Jr{):#q [JN.07퓃g+Pqyx (p[oqӿ.:0el[x|LZuqhf2qމ8QBVAr; EyxJ\*ЫpS[\|]f89rN - I?v -*S]7kFq1jƍ/4( ֹ0V|A Y'Jo$m. -7b(г 90z}0!mv.6>,*=FXΧqaM0]1ן \NgsBw+5QKZC$WFii[ϰ@Lw۠_rB=6L*;e?jT/[5*CQFe "t,'O]L]S%ApjYo/;WmsMYe+w{qm`d:(#T*G+&)h'G|4Uͺ []67K'Y]7C^׫_ݲvHiڅBHReWj8ݮ[YdxV~ a^癊dAg]=!-UF6{O eM>?M>ԁf){bڒ|qpWxY=`zZ_<*=6& -RxGP̹'~0Ń`1]=kf6*Q@/&Y]?MrNMypH<,Y=Eii,˶ypvߞMR/X$g=7QXbWx=֜)eU%+zJk4uІ7JrMI'.X{#Wzᒪ47yh&HqqjܭR} -L!о{T}'Ҷy Odה㿓i c+1@'ώ\ I2% [Kt -7лit]~$]Up*uvꇌz:dM{L/N3ב?d+?ww|SNurSidm0T(ά(=L2hQK]ܻ -3fJ:k*'])MѨB3cv/1yW;;P6"&͕X?AMiYS9N f+)v"Tqcr5boݔF4Bp5HNDr8nS~y'&֛=k>zy^sx4+-)OMiMF3^3 $+h=ޤ^˽> 35ak V࿑f]GM` t|#`|ХE5 RR;$r" -G7ssL}wQr167 ϕ8kq.sip:2q&iRqϡiid987Dۣ2[ƣGeKsY 5?IN՟04(h]ePu3{]SPz6x#KMl(!gƱa{ w'Sޞ4bHA$!0nk$ӟwFGH,vpz]}탱҅kOe6k~v.i]AgBUl_oLW`N )Z/wN)2m!/:H+ '@DKɋ@RF p ߅J t%5 c$0,rM^6? e$oL|8G*#V%06rΛl))`UM W8吾D}<$䔲&Jm~5D7oA -6kPJAp{Kτukt|4 :L̠C9NcZe }"PcY*PAxr ."#l7?~չ<"sPex vߺ!W?$;2 ۃ^oI OВׯ % N1@ jP/V^m.nkEM!˄V7K֜GCHd:" -TDzC{@ʸvf(j7k<2YI?li>@& `]Hefr!& RSצzu|mA} 5I4O _7B^(cW-oR 6^Tg2)/1dB83my3d(ymS@;a="?Յ>jq g'g -4@pqw&|8vQ'@Ö9`J3v*pf5cb5|ThN|o5xYQ+pZ' L ߭8-㏉?_+Ł_8-wL>D+pZCNNZջnb_w2~RAx't` -9)# sUlo]Y,a`VV5¸iM͸jtRvNlrN.+s.¶w|oPi/,dNba[u&gAt95*%H\lFL'.d+l6=ӆsFDvT?nhlTo>R%Z҅a[3IC58CSW-1i{o$5Jzw ǭvKMd/KXF˭8ejzv8S+|ŧhNy[83i@+eԻb8Ze!❫weHAXNl)4!jH A _zR>oh ĕ~^K ֹNWF!a:*7?>Q g/O)AԵ/ҀD tL}z!HG(tD2 -V<\@h5 -̐4Q3 }JZSr,v</uwhʰݵ1z+!ZDZ[U42;;e/1(/5 O7g. D2qi(kGpyD4#۱JAiy+uPJƆe" fqQW.%1埳*@T뷜Y:>Iқ\wR `?c< -m6ԫk7)Tw4]$ k-MA^KceP˽A1h;1nojǃpAw@5ƧAZ/ǵ='t _I!(֌?( -!l3Qm_|"DڻQAˬ J`mh'ҜRcB-'ҝ:=6~M6"x-BvXM^+V!SfU6SMJ[bTK xqȃ^> Ն55 ->%@,[/E_T;mhU[; "%:-]^,끄ƨpRE!; ͬ 9\.zs8& -3B+.'8 `@ir9N1ޣE%`8xKTNC{=6`t F@MϺL7nL<'k`gh h 2R&zHఽ*Cu\m2Zmz?SCnuG{ .-,AWStx ga -g<Ϝ5L9';ҝ<z9#u ibYsHGL96O6?謜F" q DF8g8@.uVƅ菹-oBpbJFe[Қq‹)R=V)M2S+@L{ ( )<2):ux8ݽ3r^G0J\]1iΐD)WH#OڦO4V=R~b1{{)QHh YsfskQ;yG3C:&9wuD#%OJHІe:=DHFk/p􇲾eUH<ȆBý -~;H{ב ځYem;i-g덗gGfA7[}%@a$nVC:O{B`e8qTl<7=7Fh:fۈsMz| -G9leIL>npUj6vHVDBd޶K>kl _ '͋ ZxC);C+B'e+&P]6Q` YoX^1YNs8)㘞:o5>+Mh Vh e~_(A\*X8[Rq$%Wo{GU+Wo,*:v V)id=P?- 8DT ]ҧZ_n'tN J9+dr@yINq90l}#I\1b@tʃIdSPL4 -O-?x?F6GQ' kXQc? -4:UuAc 7HO>4U~=:6 + -+ -+ -+ -+ -+ -M\~- -endstream -endobj -754 0 obj -<< /BitsPerComponent 8 /ColorSpace /DeviceGray /Filter /FlateDecode /Height 512 /Interpolate true /Subtype /Image /Type /XObject /Width 512 /Length 6368 >> -stream -x}U8Nj j+a&"Ԍ#/($J 釤4,%@Q!0DPǗzH%H89ssfY{53y~sff}3Ws}[+GUwH'tDru/5 $ϑ'. | Д{'>(á&>F$@.[]G>2 v*ϨR~h jN3@j[f]H)`pm!WMaT 0'a((׮rAv$vUm0ǡ[DU1z_u"]W?Y_?2}~eI/>}v3 Bv 0K⿭5sf/5}VUҗ5i />Ftdǿ_A7⟤_90S#+1X JÑ? -KߏE"~-9c9lsMo4?ϟM{65Qer/zMyJB.$& pw͟qKƗ9 kv  -P/'Wr5{?:n9* A.;T#U, a.X#AfiJ3$t:..QFdfJ<"3wpm>}e_?&o|#wiV?h6q@>aB<"O?)83_ I]~w[$ϴd[Nniոwl`"C13;v,gP3lLٳW@EQ.%@ՇG8+?Wc/=g\s#`̃uߑx]N?tNpǂd)O{Uź1wO$V?7|gWLNwvY㇝[?3@t G9?Q̪i<tga;h&y-柺\?r)ޞ,jK-DU'E&RJ?GR\\| 衜k7,e•ٗt/o -"X.ܮ/m~tr}o wіQeOIt= -ɔv hL٨xe*n -];隷 OC,y1~4fu'|u^~t/5-ζMoJ2^okjoKE{Y3VIEѭDrn]dSbK8Z{":V7,Qh/P|5I-K&D u -aOr5E2% -Z`HxD'+LVJZN.~*J䪾.XqCSkJ(asەoՋ{K1<=\b \̯ VvB/%E/4vEY:=ݷzJTnܲV3 -?*-{Mzf{K">C;(t - f-hg7`l 퍼-wYR~Ys#џoloá\F~ìe;t[ ndӰ-v2y ?&9n>H+~rsG~ -N707mSS -uCw -`߸NuN2,ԩ)\ƃ:!;xoR:tI2;:!,Q7% -QmT=dtOT[?Uz_'*Y=]VO.j+JVODS% | -z>QmT=dtOT[?Uz_'*Y=]VO.j+۟z׀Q/jBH)_9\{`ʿ}(LObǿ0swHDU'?TrH'T- _q>|KJ)~&OU?O޳D 2voɔs4 -W䡖)o"5oO4}^ž1ꛛr~/yk늉QI%L7}dZ~6Slmd"dETi:M6`5eQD?Q_((XMYifO,4h3' -VSkE) 5" ՔFmDjM6`5eQD?Q_((XMYifO,4h3' -VSkE) 5" ՔFmDjM6`5eQD1ڔy9ɖiĞ?"eWo"~( }!_)Gɿ7g\s`,p`+wj-a ?clœwj-(ܲ3[PByU2S]BaO?MfL{_sf\{:pha^f.;k `Ze?}7f $%CpI.K0+?3\ aVf%/¬̀Kr_2Y䂿d"3.fEg\ !̊ $%CpI.K0+?3\ aVf%/¬̀Kr_2Y䂿d"3.fEg\ !̊ $%CpI.K0+?3\ aVf%/¬̀Kr_2Y䂿d"3.fEg\ !̊ $%CPQ3 -M(,LV4A@"HWb*^Ϫdku6`J\V3.S-*c'?R+mU7C xB- վXdȁAkl2?Æ:;poPǺǀ Xw0ႿaCf8\7lc݁c u;w p߰u3.6Ա1`ÍG<Wy0Lxwqo} P}T3V_J[lUNV+3ww>Q+?1>@,Wb*^ _ax?* -SUB+LWugwߞ. .P#օJb{޺3@^o[z(ًyB%{1=o]]d/F = ugwߞ. .P#օJb{޺3@^o[z(ًyB%{1=o]]d/F = ugwߞ. .P#օJb{޺3@^o[z(ًyB%{1G]s~#D/ocݘi~2jEA1=@5ZLբUkĘv{#c5ÿFKV'vQhq4 -9P䱎&F+ _&Fh:J2re_#]s帉vcd\B U+ŽIv_Q?۲NC5rO~rooҦ_!G_LўB&Zߏ2ſի_zpi^9͐5m7ߓZ^|}C};毊mw_+*)*PԵā/['='%±nցMNtCyLWe17Rwh+f{ϼ7߻3I^5 $@2AϼwXomsz-coڀyWZl1>>V{m`u6&)h+oM#3K3|3(5<=JeKqWw@{Wϟ6A,-[ -g64F0'8NJc;u!5 mEK} 3աƊ^.MvV uVfC:4{}ûmzZ s)ʤR7ުv~O FT?2Dj{ӭl緅_g5~&~`ՑD;Y4%S"7%UQ;͚ގv>f36~46>@}^؊-13݌oϖ${k\hc V;e5_X;,ų_Û.WU. -3 -џ(ScnqK -o7k-%ZRTe`:OS=@ȥf9wT /Y|`9k:[:zGU^a?>IqtT=w߮wI'

> -stream -xw`U'$^ҤO"O EE#"ntQAY*(.JQVEQ@~X4QW E, BBW̛S;sμy3jhο0uv [s -ssN۳a"I?ZKx<-,Mq_s'Ey@w&ݓl@uY7GdweK8Z`m:Gq{n֧ZuGlwO[Ѭz7~ܝCZOɱ%DZE_y-ImhJ?>nPHteSɀ96Dn &xW]YcݶCU?pjXx'W^@\;Õ +С4yG[\Z7Ȏ6K-8@X[u\;R_W:U~uWz7ܭ皋@4 -e`wH~ՒFi2whAwo+jw-djoo~aCqL)gjt:f̐DL ?|.` nÙӍYhԲN~4q[U&y>@čUY毶Z]ͮǬW~a~k#g=v掆6Ү张Î0WA&|'z(7 n-]˷e65ЁÊW{ - -@=gZ5}˗ o;-EWa\"_ -U|I x_32qs*{JcL&;뉁kL `pe)ۅoL1T쬬g͚>qđ#G>7\^ʗ(ػ>clȋĭ+L-;p`M<Թnr!&fv9 ?ΏY`ׁf YvwpMz*l -%c8U%-936){1|Z"sޒ'ڸHl@keO\6Epkh =dI@g|/z=вЗ-}sC b$vxȎPC@^ϙ,%Dt`':ӏMNth6ѕ!;0-Xf_t8F@ 9SB^v5A;gQ!,|ь# Y>OאP]Ow - 'E€b-4Ά'[$#^Lp]Ɂǡ?<4".QpFK6.ǁ-P?F㨒(lBYX{fh3@a,Úk@36ђρcm@͒ с5q׈$_L'~02CM5 -p$ @QБQu`23.h'%K/A$xX`7`Ɇ@7'@*jd0t;\,G1;r%A)d9ہ s˕| Yv(hUr%WBN۰Hl^eHt 3H@n enZ ˑ@˚̰A?HGB:W^HH^ e'^V o$1YXQ$Dt¿ PEmEB%$$(Fe$$( 2 -T$O $A(TR8/?0 -/q"ߐDetĿTRIEBdtFY gLyE. gLR%0I E* (4IL>e -(>T$p*|AILk 4IH>*@sʿ @dsTIDWQ0rٴJ"|E$"pCٴJ"|/%&V;MC%@/ˀO?(,m6VI$"+%@&Zi0ksuIDP,,(S(.:C p`k DIHVtȡUr;"|eÁ K6(+9\JBG=zIg v%A6aKx A47!]"t|D eA ǚ6ϛ)Kx%:i GGBVb:Cu@ů %To+SlTtJ7LYIk_?LW:B{{rW/_ˎ$&ۊ'ƃƿ:跦G6N>W@_f:V߮u!b-k f%t7@?¿1J 5.V GO|ram5mŎﰘ2Sο!ud-},OYi1cݿ/ǿw0I85OWF4ny&Y+; -iBr_ƿꨀ*`ծ0㬦dr`e_M\5]_=~ j&AY \&ߔ M؄}]>Sz_g: he2rgK}i9.`Eʕ^pƄ\UzpP+DgӬUIQO\ ڸ쏿CH+:? ns%;Y%RJjr8?_}2q<h(_ :@Ƣ:puÔqp֋",'/.G]Z-J̺xzQ,* 4.,2BH%%kb-E=nX?S U!g8_ -y %'+3PCH+AY ڲnQJ~!Qj0ϿfeZv$e?nQBR'6?P/B;2!9'/.‰7NTC -%,sܻHB9QJZWEj\Cy0J\!.(V ?-fYq -Q1=GE"iJ`&Svjeis]N{M/Au:W_QzG_J̦,SVV:JE[/JV{әÿDuZֳ~"J*MۙR2i[pFR_v< Z7rVJH:? j$4W s+$.B@L~X-IǒZ%/ILsَM{዆M7RoM̆^1p>^(W56{~{O۱ e^VEsq bwklV/=vznh~ި6D+u~t0ưȑu1t3c>5PވTCsF١Pf1 |2{bUQOtptUVc+~|Wŧo-3b_v`:x'\׻t.9BӺuKܱy\hCZc%]_vpAI!4y۷⍮6;gukL{M~L:Md/ahAƯSg;]JJ\⃫Nk2Q| [j${EC_ ѡ -ܢ2gwO2븪 -m|WJT]V9c .wy ->[~CI '(Cm{Dz˺ơ(_w`§Xś^۴B]3*Qt+4{-g]Hᗂaf;lMãzč@oQj[آt⍇ -uCөy}Ű$Gxb;ǥ͝L:S 4R敿UlJQ2جTشlϋ: t<72rv˜dS}Ѥ7]>P]_\yȴoXOo{r<y/R/}~#g-=gⰌ.i,sd6uOժk߁O{+y0gÊM;>]j~Tn #xa]HURwpczzSzw᪓q=P͔`pLSBu`&[Q+`fx;4cNI%^LyK|qP90{q_-9P@%[3 FȦ<q@Q`PJ# SF8p6.(P$;@8l̲ N cR}XnXÁǨ/7E% [ل]Ů `g{gsτo4$` iEHW }-ғ߁5`ԧW-2 (})肸7Lib].O -tP,WIsphj>䫿W `*~MK~(zF{ɕ3Ar7.ms -oB8Mm_ -eʲ Jeښ`||wO6_=E ЁĿŜ0Rr=wWr 2fjw@5g 3y_Q!}TU`/|k~wV~R|篜pS >*oslYdeLd?2 -endstream -endobj -756 0 obj -<< /Filter /FlateDecode /Length1 1269 /Length2 1151 /Length3 0 /Length 1867 >> -stream -xڥS TVTVÊΠ")cC1ABG 1L+CD\^(WAD_ȑ3.IPXNr̀bDpGs*#AH~RGg0L%ł9XepB3i4"2bA.f$"B _BJBH+sƣR`P."QhR21`C{ v@da)w_andӽ9Q{:ngowiNNxZZni `  堿Hރoo0eFżqmUC!%xLoF݋-Z$cN6\X 7N*-(y~?D-H>вy6GL BQ|Q+|HǷaR7>7:nX>vxv1ĶRE-huuMt?6,KsVj|Vvz KO}YTL _ٻvEQyUp^,B/6k%/C|rw՚]_T`_ѠDcKDv{V3,Y klW4Wឺ?^4mx|m>ipDګ|_:iU飆ʒj.Cye76xAYL%-\GeGØθYͤN&x%G -+=8VCkGzW%u:Ӊ}wi6 -nawX/CթLuv}m*p6kt.Dl1IS k_TdDu4]<놁wJ ~n亊o6?Вvn~Cɟ<3*>~L?o²ckw*2G'MM, وqŃ}@L֘)ne`1+E~hRͦ|PvgʳW}۷=o/\5qݟlc=}*63 GF^az F[e܈*F$.ԁҳ*&R+#Y̌Z~wDeO՗?y_H67H.)d#9OMCec뛻gGSM-A9;79{~Ry#,9Pf+ʸGukS+mE۸c,cL1&:}>FwTo2:jaыf[WO7N7M#-yPMS.}Fs?@'u@gE"ta-[YUI5gTO^`hfwcA|AB-VbXg|w -endstream -endobj -757 0 obj -<< /Filter /FlateDecode /Length1 2227 /Length2 13588 /Length3 0 /Length 14726 >> -stream -xڝvT]%NBp(pBr6px,{I#V⸁]+&d RSU2R2h&)ᡝLk*t34h.i. هi瘗, oK!n`pڭ׍I lI^F3Z{׉nK}hgl߈"zywÙso};zGPjd5p*6?7_k[Iu߃ZC~縿rt~@f0`:4I2N` -F!^Nך*z.LJu =*~,VEe&V\gZSC^#E\ΗUt횢LVpL J`>COHeNi,_EsTLxPqshR1$Op5%7lO]5ΐ |bknp l|pj<Þd;$1 tyFb)s.l<>:z* f4B+}aOo(b֟@",,nIIR$c5'`V8**i&2%> F?0uɨI R8G 9U`M*r:ޢT[}.9ӒM;-$rB[KYEZkŷj4Kl u=p?50̒ /-jWk7N RT겇%y7D?h'+R%[>Ԕ8&oE~Udŋaڟ_:xmt6IEWE&ɷY!f,'.Z1 cنܥnϮ6mT]ƗE-,;"L{X'kS| -Z G*+9 -?-Y5m{댉g8;2| Q%O]H+IwTd;L5=`۾z+5RV;PݚNlJQ]&rbiS^ 3<dѳfcH2 ͗wKt̮';,0"ʻW`%|dGW4Ҭd[Z͛J9$ )(?KXM|4I: =uQ 2_&[c-R{_dE47e U1m Ы_/s2u;:<`H !iWGm+K_ض5} ۘZ~rtϑ8ͻk=Fi.4}GۍGfEIi>~xibŮ$^HbnXFA ó:T616s~da:QuN8UIl_6>Q[STüOa3(QA@\ۏJVB.Φ;W a=7/"hN"3a2F/zmnv$Nhn<̄D`:\-7.)QI9WqOҤS|Q&u4wg -9$Tޤ g{^I~/[@%CsLZN!x;`$؜MFQzxgψgFG:Uu!Fy`-^vit.8z -ddgnRӲsttv?5t:%+U&z(ZF)dZώ׆)浖Y¯[1>" 8QU^ݺʀiت7)rRzP d'ۊݑʪpnav-i%N<.AoW-T $.J :\a:l!X{^#"#㲟 ׄA&T| GȰE^DGD+j0m,dJȕ'#VK{hjfU\:?Ү8PyF#Ng234X'fPR(E.~1yyGeVhuS[_DF-1=+If6Z ҪcrV8 -_<}>_|!ߊ!ǔgYV5-tJ¦B ӑ:y/v=$!hL$-!|& -@%]<2!ɉ͊+ۨCumQ5,mJ|déb% 'Nzg\4!Ըla+IλS{L܏1`¦byq=Į:w^TP7(%4ͪՅPuGx'h`h_oE{i r9 K?O*=c|v ?/Sl/ K9s_!qɢ~L0MțwM+5v$\"xxɰDgGtG\ €AZ[G2]B96 Udˎ.G - >ƾSv3A#N1=Ucvy>.)vIz!P9n8x%f{QH7BapyJ[| ʜ5`Qw~vFk]PHF.T,odK a}@kE'Qeskn')$ -?m4Xur9}Y B`426ym9Q6SȈ_M wBբ~Xu2evւ:;H*:6W"G~@8s\A7Mim -B3Ǒ9X]4ɾ<x.U * SdQ2.04[%s*owif 9c4$ñ&j'`hȰ!("Egwi,dW.Mz"]T3ς -H2}e oͷOkk_#J]P5;wA R6ڡ\o7hG`܅N(k0gt5tt/R=u 2EZ"z6mzAw^.?ˑsc%uSk/&/kSeXe($a cݎ0 'pRٲ.# ;;A ^Ͳ\ {K -١i"7+E80աgnN͊3+Rw?$G&t0n 9_t^\I3_pZW#4@q"bE6),UkU׹2_XT9ˆG.ڥu3{cӡr_L$zHKJU׻뀘߰>浳,wK+F 2YՁUq⼟) ofQx-ёY-X ޟuVX~U²^|"E"#qቋf'xo. Q#8֟\eK4\ćT|F(S#cV>Pø9#/ƍb+d%aXZ=CP?1%ƀt< NA$ڄ>7OL _֐vUS&e]6;]Pn_Ns[̺<i~㦊'ѡjE [_Wv,-]%%#&o3;^OT>IaWZ8!9c̄1XK \UBCc%;N!$0i{Q*^0g7,~tdig6@L2_#D[+SÔ٥v1}8$TXU}]a˯ UyTyL glW׺g9v7RюM6z=<$DRW_@C17 --O(("X[ ]voxx)ң/y7W%\V{~>{뮧U -6xdP)V!Eٜ(."?_tN59<~MR˼DXj=KV:VZ>#zPXD'a{S@6C{ûuOp6KR _>sc^o| ]׮*@`oӜ폩r&-n+cA:ӨzMMM,f[B:CAgeaM%,l{q-ok>+'8&3ԿTb6- ണX -\NxHS:Q&@y1qf;7ì^p`H%A dp_|i܄lmQQ8ŏN}"<>%52^fs ;vz՟2(RTқPF;*`'v6 LF4oXk~, a;'s!tecŕxC95[FU*ּK ܏l7U]^=s-7w’[X K$sYDþ>GtT0eУt bnA/t.E X:Qs@$R"fh7,#w4bT{\ x5cP - Y|2amY4P-a`d6|/C15q:K/F'ۨ3A0}W-(i}5LY-{CC%{4l&aNL9P1QMI/G".<+mzW]80(&ߝɤ_uU'>H7F\NBf*B}xovַ1xCC͸S}HUXϺH[ǍX,9ƭygutob$r]NIGJ%ɗSf7-sP"$tԩ"z}?7{jxV&f\#4lj`85?{ -]B2]HCf+a 9hsZ 5v=}u@!V =j I#b7jyK - D ېZ?VV/8#I&=-+TfKt8&C/qҳKW*h.ZU.(q?Fçt掍{vw/ G[Q|SN~d O)P -LU$/Emo_/TK9zU2yGJZsj -)B'QKj49%IT2au\h,8\{t`VU6hpeSw#sboeqDj Lv= -̆>m7834UQ1 5IَJ3'A}.s睫VG+Mc )sR?]:K -0k̂S|3 yl(NZ3ItJ -9~ѝe - olT}CH`wn}u$^UA1&&6Id拉lE,gB CX#F%Pd?cOYE-5x( lk~j{)_dR s5;GT'ܴErU5_CzvQ6-W-*ƈ'lwoM ~,n|KZ Ԉ JUS{GxwZi;=J_t59c?OBP'sNgt~=\m:%AhreDzO|-"jY9M#)hm gv 6vE -A,JhA苭GrѐyMKx0Wjf+h{=9XJy[gһԴ@ -ӭLw_njRpɩ@,GpV#Mpt9Փ[e鶹jDiVxTBhy*Q"Y)?(%Ʋ@:f_ȥmۨ,N$-yza80[ ɚ;"cY)ܠ6-9XF2",$ 3%^h! -<%\ܭ.e6w6?HU TEy{yU6#!>)؁͹NFaۂẖDU) >ʼ<"~~7hJ2;%GFR7G`جR]|t6pA&>s"EUCK;8VNĬޝ}r械Z#x(%)-.J$}2j_{<.4Jɻ1 谈b9.h(|8N$WS.Dt؅zn1:Ir]!KT|E.r9ryl*t㓖'cT8n]T?DiC\yl!2ted-s+m:N_ןIhQ >J{;~%#eѦ.&@rIVrNeW:&E Ԏ -ZBD{|X߿naf>ZӪ!AUPc}Mg*ͺ]: +$bhSـЮXEF&Y:\\Ib>/wgN ];]3R$*0:ŃOFSsGN+PWWGTѰe>}&xi‰x BQf4g[0_T:凴`2FϝRi{PN*}ާAq?$0"lFo 2`g -qF;u:ߧ -N~+P-Hnq;\u\aJRW,y-f&$)s]7́h%pn=ז/rE=4DYւuL[ %"S &Q)ʚ7*[7lku~`_sEeA\f7+z<;wƷi{S?vod^?v#Ѫ U~/ mUTƇ'SNETxw75K `ؓ%bs$.@;toХ24p7H$^d.4sohc5qGHGP.(Y - jE6}ϯwE3GgKuU ԩMa՝(^w es&-<;ń3cXGqxN+NTұ:0hܧ#c-s韇ز53IૺZc&ދpckMew}t>[/^= -*j)*Q, -erU[Z7tFe{Gw0+)e/$ڥ}(a?!\o'F؄ UrGtR6 ;C7`{GL9 _vb-ShsWftҍheM6ĩ͊WؖDUJ޻fܜ/H2r}_*Dkt]3Hv- -+R{M^ݜJ7сJDNrkWfrü]mk}` - ? (w> y.,' -l jYd -:oaZ-3!0 -IvNҀѥ0#'J~D,j%j ,:)p\];iK/>󅬷'̬f]'kĢsh4by3(CGXm8kUAcNP3lB9%609/KWAFƲIrV-*'NN*賈!j,y "c 4&S>i (vNLgP \p(:Y>PHa.tw rLƍ|` CWIC&"AVEb3I9,Ry2"46 TWaJMJҤ:"{%?(`bp'Xd".ԌBēkL"0F 펦xn54]d\e)0/Jr'5~sLKd?f%p%@ Ώ '۫u h"pc]sa^^ -dž0xKE /_~F -wgþ6qDFoDMmg'ڸKqjMzpU:I&q1%ܨN`ε\0jx2:d;*]8_)jxN.f_b/㖅צW Ҡ `v>ڽ+byXDϖދP`/| 0إ5u>.+gj+C, }`{Uf'ݻ(p`OvxALnT۸(}1,X'xB}Xk7x{Sߙȍ]wg7Ļ3mMMB%lteS4+2:hïF!3vO XS{c?D ja6z/hx]rvHty$zF`{jO][S>e "E[JJ,ٯ'X)Ny"2M,]# -H/-4X!&8GHQiyBѺW n\bs(S[95ialuA,t@S- -Um)^X5L@M@<$3_XX(QE& -ƨ <4*IWhч^'V!Ow>0ׅϲ_ lǪ8dvCQ@G.xr< ( 3<,P2ӜdRM?w!r/@=ܨ*(࿉29).iACCY@>iS+GЌ5J}}~F40()yش|8Vv;-^ "=MMfSSÔ$L ?6[ K$Ԡ56p> -endobj -760 0 obj -<< /Ascent 953 /CapHeight 953 /CharSet () /Descent -285 /Flags 4 /FontBBox [ -174 -285 1001 953 ] /FontFile 848 0 R /FontName /UGSFAT+NimbusSanL-Regu /ItalicAngle 0 /StemV 85 /Type /FontDescriptor >> -endobj -761 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -762 0 obj -/PXVYKT+CMSY10 -endobj -763 0 obj -<< /Differences [ 0 /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /arrowright /arrowup /arrowdown /arrowboth /arrownortheast /arrowsoutheast /similarequal /arrowdblleft /arrowdblright /arrowdblup /arrowdbldown /arrowdblboth /arrownorthwest /arrowsouthwest /proportional /prime /infinity /element /owner /triangle /triangleinv /negationslash /mapsto /universal /existential /logicalnot /emptyset /Rfractur /Ifractur /latticetop /perpendicular /aleph /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /union /intersection /unionmulti /logicaland /logicalor /turnstileleft /turnstileright /floorleft /floorright /ceilingleft /ceilingright /braceleft /braceright /angbracketleft /angbracketright /bar /bardbl /arrowbothv /arrowdblbothv /backslash /wreathproduct /radical /coproduct /nabla /integral /unionsq /intersectionsq /subsetsqequal /supersetsqequal /section /dagger /daggerdbl /paragraph /club /diamond /heart /spade /arrowleft 160 /space /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus 173 /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /spade ] /Type /Encoding >> -endobj -764 0 obj -<< /Ascent 775 /CapHeight 775 /CharSet () /Descent -960 /Flags 4 /FontBBox [ -29 -960 1116 775 ] /FontFile 849 0 R /FontName /PXVYKT+CMSY10 /ItalicAngle -14 /StemV 40 /Type /FontDescriptor >> -endobj -765 0 obj -[ 777 277 777 500 777 500 777 777 777 777 777 777 777 1000 500 500 777 777 777 777 777 777 777 777 777 777 777 777 1000 1000 777 777 1000 1000 500 500 1000 1000 1000 777 1000 1000 611 611 1000 1000 1000 777 274 1000 666 666 888 888 0 0 555 555 666 500 722 722 777 777 611 798 656 526 771 527 718 594 844 544 677 761 689 1200 820 796 695 816 847 605 544 625 612 987 713 668 724 666 666 666 666 666 611 611 444 444 444 444 500 500 388 388 277 500 500 611 500 277 833 750 833 416 666 666 777 777 444 444 444 611 777 777 777 777 ] -endobj -766 0 obj -/YHUNPG+CMR10 -endobj -767 0 obj -<< /Differences [ 0 /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /exclam /quotedblright /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /exclamdown /equal /questiondown /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /quotedblleft /bracketright /circumflex /dotaccent /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /endash /emdash /hungarumlaut /tilde /dieresis /suppress 160 /space /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /sfthyphen /nbspace /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /dieresis ] /Type /Encoding >> -endobj -768 0 obj -<< /Ascent 750 /CapHeight 750 /CharSet () /Descent -250 /Flags 4 /FontBBox [ -40 -250 1009 750 ] /FontFile 850 0 R /FontName /YHUNPG+CMR10 /ItalicAngle 0 /StemV 69 /Type /FontDescriptor >> -endobj -769 0 obj -[ 625 833 777 694 666 750 722 777 722 777 722 583 555 555 833 833 277 305 500 500 500 500 500 750 444 500 722 777 500 902 1013 777 277 277 500 833 500 833 777 277 388 388 500 777 277 333 277 500 500 500 500 500 500 500 500 500 500 500 277 277 277 777 472 472 777 750 708 722 763 680 652 784 750 361 513 777 625 916 750 777 680 777 736 555 722 750 750 1027 750 750 611 277 500 277 500 277 277 500 555 444 555 444 305 500 555 277 305 527 277 833 555 500 555 527 391 394 388 555 527 722 527 527 444 500 1000 500 500 500 ] -endobj -770 0 obj -/NZOHYK+CMSY7 -endobj -771 0 obj -<< /Differences [ 0 /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /arrowright /arrowup /arrowdown /arrowboth /arrownortheast /arrowsoutheast /similarequal /arrowdblleft /arrowdblright /arrowdblup /arrowdbldown /arrowdblboth /arrownorthwest /arrowsouthwest /proportional /prime /infinity /element /owner /triangle /triangleinv /negationslash /mapsto /universal /existential /logicalnot /emptyset /Rfractur /Ifractur /latticetop /perpendicular /aleph /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /union /intersection /unionmulti /logicaland /logicalor /turnstileleft /turnstileright /floorleft /floorright /ceilingleft /ceilingright /braceleft /braceright /angbracketleft /angbracketright /bar /bardbl /arrowbothv /arrowdblbothv /backslash /wreathproduct /radical /coproduct /nabla /integral /unionsq /intersectionsq /subsetsqequal /supersetsqequal /section /dagger /daggerdbl /paragraph /club /diamond /heart /spade /arrowleft 160 /space /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus 173 /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /spade ] /Type /Encoding >> -endobj -772 0 obj -<< /Ascent 782 /CapHeight 782 /CharSet () /Descent -951 /Flags 4 /FontBBox [ -15 -951 1251 782 ] /FontFile 851 0 R /FontName /NZOHYK+CMSY7 /ItalicAngle -14 /StemV 49 /Type /FontDescriptor >> -endobj -773 0 obj -[ 892 339 892 585 892 585 892 892 892 892 892 892 892 1138 585 585 892 892 892 892 892 892 892 892 892 892 892 892 1138 1138 892 892 1138 1138 585 585 1138 1138 1138 892 1138 1138 708 708 1138 1138 1138 892 329 1138 769 769 1015 1015 0 0 646 646 769 585 831 831 892 892 708 917 753 620 889 616 818 688 978 646 782 871 791 1342 935 905 809 935 981 702 647 717 719 1135 818 764 823 769 769 769 769 769 708 708 523 523 523 523 585 585 462 462 339 585 585 708 585 339 938 859 954 493 769 769 892 892 523 523 523 708 892 892 892 892 ] -endobj -774 0 obj -/ASBNUF+CMR7 -endobj -775 0 obj -<< /Differences [ 0 /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /exclam /quotedblright /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /exclamdown /equal /questiondown /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /quotedblleft /bracketright /circumflex /dotaccent /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /endash /emdash /hungarumlaut /tilde /dieresis /suppress 160 /space /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /sfthyphen /nbspace /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /dieresis ] /Type /Encoding >> -endobj -776 0 obj -<< /Ascent 750 /CapHeight 750 /CharSet () /Descent -250 /Flags 4 /FontBBox [ -27 -250 1122 750 ] /FontFile 852 0 R /FontName /ASBNUF+CMR7 /ItalicAngle 0 /StemV 79 /Type /FontDescriptor >> -endobj -777 0 obj -[ 706 938 876 781 753 843 815 876 815 876 815 677 646 646 970 970 323 354 569 569 569 569 569 843 507 569 815 876 569 1013 1136 876 323 323 569 938 569 938 876 323 446 446 569 876 323 384 323 569 569 569 569 569 569 569 569 569 569 569 323 323 323 876 538 538 876 843 798 815 860 767 737 883 843 412 583 874 706 1027 843 876 767 876 829 630 815 843 843 1150 843 843 692 323 569 323 569 323 323 569 630 507 630 507 354 569 630 323 354 600 323 938 630 569 630 600 446 452 446 630 600 815 600 600 507 569 1138 569 569 569 ] -endobj -778 0 obj -/SACKHC+CMBX12 -endobj -779 0 obj -<< /Differences [ 0 /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /exclam /quotedblright /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /exclamdown /equal /questiondown /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /quotedblleft /bracketright /circumflex /dotaccent /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /endash /emdash /hungarumlaut /tilde /dieresis /suppress 160 /space /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /sfthyphen /nbspace /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /dieresis ] /Type /Encoding >> -endobj -780 0 obj -<< /Ascent 750 /CapHeight 750 /CharSet () /Descent -251 /Flags 4 /FontBBox [ -53 -251 1139 750 ] /FontFile 853 0 R /FontName /SACKHC+CMBX12 /ItalicAngle 0 /StemV 109 /Type /FontDescriptor >> -endobj -781 0 obj -[ 675 937 875 787 750 879 812 875 812 875 812 656 625 625 937 937 312 343 562 562 562 562 562 849 500 574 812 875 562 1018 1143 875 312 342 581 937 562 937 875 312 437 437 562 875 312 375 312 562 562 562 562 562 562 562 562 562 562 562 312 312 342 875 531 531 875 849 799 812 862 738 707 884 879 418 581 880 675 1067 879 844 768 844 839 625 782 864 849 1162 849 849 687 312 581 312 562 312 312 546 625 500 625 513 343 562 625 312 343 593 312 937 625 562 625 593 459 443 437 625 593 812 593 593 500 562 1125 562 562 562 ] -endobj -782 0 obj -<< /Differences [ 0 /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /arrowright /arrowup /arrowdown /arrowboth /arrownortheast /arrowsoutheast /similarequal /arrowdblleft /arrowdblright /arrowdblup /arrowdbldown /arrowdblboth /arrownorthwest /arrowsouthwest /proportional /prime /infinity /element /owner /triangle /triangleinv /negationslash /mapsto /universal /existential /logicalnot /emptyset /Rfractur /Ifractur /latticetop /perpendicular /aleph /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /union /intersection /unionmulti /logicaland /logicalor /turnstileleft /turnstileright /floorleft /floorright /ceilingleft /ceilingright /braceleft /braceright /angbracketleft /angbracketright /bar /bardbl /arrowbothv /arrowdblbothv /backslash /wreathproduct /radical /coproduct /nabla /integral /unionsq /intersectionsq /subsetsqequal /supersetsqequal /section /dagger /daggerdbl /paragraph /club /diamond /heart /spade /arrowleft 160 /space /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus 173 /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /spade ] /Type /Encoding >> -endobj -783 0 obj -[ 777 277 777 500 777 500 777 777 777 777 777 777 777 1000 500 500 777 777 777 777 777 777 777 777 777 777 777 777 1000 1000 777 777 1000 1000 500 500 1000 1000 1000 777 1000 1000 611 611 1000 1000 1000 777 274 1000 666 666 888 888 0 0 555 555 666 500 722 722 777 777 611 798 656 526 771 527 718 594 844 544 677 761 689 1200 820 796 695 816 847 605 544 625 612 987 713 668 724 666 666 666 666 666 611 611 444 444 444 444 500 500 388 388 277 500 500 611 500 277 833 750 833 416 666 666 777 777 444 444 444 611 777 777 777 777 ] -endobj -784 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -785 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -786 0 obj -<< /Differences [ 0 /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /exclam /quotedblright /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /exclamdown /equal /questiondown /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /quotedblleft /bracketright /circumflex /dotaccent /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /endash /emdash /hungarumlaut /tilde /dieresis /suppress 160 /space /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /sfthyphen /nbspace /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /dieresis ] /Type /Encoding >> -endobj -787 0 obj -[ 675 937 875 787 750 879 812 875 812 875 812 656 625 625 937 937 312 343 562 562 562 562 562 849 500 574 812 875 562 1018 1143 875 312 342 581 937 562 937 875 312 437 437 562 875 312 375 312 562 562 562 562 562 562 562 562 562 562 562 312 312 342 875 531 531 875 849 799 812 862 738 707 884 879 418 581 880 675 1067 879 844 768 844 839 625 782 864 849 1162 849 849 687 312 581 312 562 312 312 546 625 500 625 513 343 562 625 312 343 593 312 937 625 562 625 593 459 443 437 625 593 812 593 593 500 562 1125 562 562 562 ] -endobj -788 0 obj -<< /Differences [ 0 /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /arrowright /arrowup /arrowdown /arrowboth /arrownortheast /arrowsoutheast /similarequal /arrowdblleft /arrowdblright /arrowdblup /arrowdbldown /arrowdblboth /arrownorthwest /arrowsouthwest /proportional /prime /infinity /element /owner /triangle /triangleinv /negationslash /mapsto /universal /existential /logicalnot /emptyset /Rfractur /Ifractur /latticetop /perpendicular /aleph /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /union /intersection /unionmulti /logicaland /logicalor /turnstileleft /turnstileright /floorleft /floorright /ceilingleft /ceilingright /braceleft /braceright /angbracketleft /angbracketright /bar /bardbl /arrowbothv /arrowdblbothv /backslash /wreathproduct /radical /coproduct /nabla /integral /unionsq /intersectionsq /subsetsqequal /supersetsqequal /section /dagger /daggerdbl /paragraph /club /diamond /heart /spade /arrowleft 160 /space /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus 173 /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /spade ] /Type /Encoding >> -endobj -789 0 obj -[ 777 277 777 500 777 500 777 777 777 777 777 777 777 1000 500 500 777 777 777 777 777 777 777 777 777 777 777 777 1000 1000 777 777 1000 1000 500 500 1000 1000 1000 777 1000 1000 611 611 1000 1000 1000 777 274 1000 666 666 888 888 0 0 555 555 666 500 722 722 777 777 611 798 656 526 771 527 718 594 844 544 677 761 689 1200 820 796 695 816 847 605 544 625 612 987 713 668 724 666 666 666 666 666 611 611 444 444 444 444 500 500 388 388 277 500 500 611 500 277 833 750 833 416 666 666 777 777 444 444 444 611 777 777 777 777 ] -endobj -790 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -791 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -792 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -793 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -794 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -795 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -796 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -797 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -798 0 obj -<< /Differences [ 0 /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /exclam /quotedblright /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /exclamdown /equal /questiondown /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /quotedblleft /bracketright /circumflex /dotaccent /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /endash /emdash /hungarumlaut /tilde /dieresis /suppress 160 /space /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /sfthyphen /nbspace /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /dieresis ] /Type /Encoding >> -endobj -799 0 obj -[ 625 833 777 694 666 750 722 777 722 777 722 583 555 555 833 833 277 305 500 500 500 500 500 750 444 500 722 777 500 902 1013 777 277 277 500 833 500 833 777 277 388 388 500 777 277 333 277 500 500 500 500 500 500 500 500 500 500 500 277 277 277 777 472 472 777 750 708 722 763 680 652 784 750 361 513 777 625 916 750 777 680 777 736 555 722 750 750 1027 750 750 611 277 500 277 500 277 277 500 555 444 555 444 305 500 555 277 305 527 277 833 555 500 555 527 391 394 388 555 527 722 527 527 444 500 1000 500 500 500 ] -endobj -800 0 obj -/LYTCQL+CMSY9 -endobj -801 0 obj -<< /Differences [ 0 /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /arrowright /arrowup /arrowdown /arrowboth /arrownortheast /arrowsoutheast /similarequal /arrowdblleft /arrowdblright /arrowdblup /arrowdbldown /arrowdblboth /arrownorthwest /arrowsouthwest /proportional /prime /infinity /element /owner /triangle /triangleinv /negationslash /mapsto /universal /existential /logicalnot /emptyset /Rfractur /Ifractur /latticetop /perpendicular /aleph /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /union /intersection /unionmulti /logicaland /logicalor /turnstileleft /turnstileright /floorleft /floorright /ceilingleft /ceilingright /braceleft /braceright /angbracketleft /angbracketright /bar /bardbl /arrowbothv /arrowdblbothv /backslash /wreathproduct /radical /coproduct /nabla /integral /unionsq /intersectionsq /subsetsqequal /supersetsqequal /section /dagger /daggerdbl /paragraph /club /diamond /heart /spade /arrowleft 160 /space /minus /periodcentered /multiply /asteriskmath /divide /diamondmath /plusminus /minusplus /circleplus /circleminus 173 /circlemultiply /circledivide /circledot /circlecopyrt /openbullet /bullet /equivasymptotic /equivalence /reflexsubset /reflexsuperset /lessequal /greaterequal /precedesequal /followsequal /similar /approxequal /propersubset /propersuperset /lessmuch /greatermuch /precedes /follows /arrowleft /spade ] /Type /Encoding >> -endobj -802 0 obj -<< /Ascent 777 /CapHeight 777 /CharSet () /Descent -958 /Flags 4 /FontBBox [ -29 -958 1146 777 ] /FontFile 854 0 R /FontName /LYTCQL+CMSY9 /ItalicAngle -14 /StemV 43 /Type /FontDescriptor >> -endobj -803 0 obj -[ 799 285 799 513 799 513 799 799 799 799 799 799 799 1027 513 513 799 799 799 799 799 799 799 799 799 799 799 799 1027 1027 799 799 1027 1027 513 513 1027 1027 1027 799 1027 1027 628 628 1027 1027 1027 799 279 1027 685 685 913 913 0 0 570 570 685 513 742 742 799 799 628 821 673 542 793 542 736 610 871 562 696 782 707 1229 842 816 716 839 873 622 563 642 632 1017 732 684 742 685 685 685 685 685 628 628 456 456 456 456 513 513 399 399 285 513 513 628 513 285 856 770 856 428 685 685 799 799 456 456 456 628 799 799 799 799 ] -endobj -804 0 obj -/WQSQWU+CMBX9 -endobj -805 0 obj -<< /Differences [ 0 /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /exclam /quotedblright /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /exclamdown /equal /questiondown /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /quotedblleft /bracketright /circumflex /dotaccent /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /endash /emdash /hungarumlaut /tilde /dieresis /suppress 160 /space /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /sfthyphen /nbspace /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /dieresis ] /Type /Encoding >> -endobj -806 0 obj -<< /Ascent 750 /CapHeight 750 /CharSet () /Descent -250 /Flags 4 /FontBBox [ -58 -250 1195 750 ] /FontFile 855 0 R /FontName /WQSQWU+CMBX9 /ItalicAngle 0 /StemV 117 /Type /FontDescriptor >> -endobj -807 0 obj -[ 710 986 920 827 788 924 854 920 854 920 854 690 657 657 986 986 328 361 591 591 591 591 591 892 525 616 854 920 591 1070 1202 920 328 360 617 986 591 986 920 328 460 460 591 920 328 394 328 591 591 591 591 591 591 591 591 591 591 591 328 328 360 920 558 558 920 892 840 854 906 776 743 929 924 446 610 925 710 1121 924 888 808 888 886 657 823 908 892 1221 892 892 723 328 617 328 591 328 328 575 657 525 657 542 361 591 657 328 361 624 328 986 657 591 657 624 488 466 460 657 624 854 624 624 525 591 1183 591 591 591 ] -endobj -808 0 obj -/SUXZQL+CMBX6 -endobj -809 0 obj -<< /Differences [ 0 /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /exclam /quotedblright /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /exclamdown /equal /questiondown /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /quotedblleft /bracketright /circumflex /dotaccent /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /endash /emdash /hungarumlaut /tilde /dieresis /suppress 160 /space /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /sfthyphen /nbspace /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /dieresis ] /Type /Encoding >> -endobj -810 0 obj -<< /Ascent 753 /CapHeight 753 /CharSet () /Descent -250 /Flags 4 /FontBBox [ -49 -250 1367 753 ] /FontFile 856 0 R /FontName /SUXZQL+CMBX6 /ItalicAngle 0 /StemV 130 /Type /FontDescriptor >> -endobj -811 0 obj -[ 824 1143 1068 953 918 1064 993 1068 993 1068 993 824 787 787 1180 1180 393 431 693 693 693 693 693 1028 618 707 993 1068 693 1236 1386 1068 393 429 710 1143 693 1143 1068 393 543 543 693 1068 393 468 393 693 693 693 693 693 693 693 693 693 693 693 393 393 429 1068 656 656 1068 1028 973 993 1048 899 862 1077 1064 506 711 1066 824 1289 1064 1032 936 1032 1019 768 957 1046 1028 1403 1028 1028 843 395 710 395 693 393 393 674 768 618 768 634 431 693 768 393 431 731 393 1143 768 693 768 731 571 551 543 768 731 993 731 731 618 693 1387 693 693 693 ] -endobj -812 0 obj -/EEICHW+CMR12 -endobj -813 0 obj -<< /Differences [ 0 /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /exclam /quotedblright /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /exclamdown /equal /questiondown /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /quotedblleft /bracketright /circumflex /dotaccent /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /endash /emdash /hungarumlaut /tilde /dieresis /suppress 160 /space /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /sfthyphen /nbspace /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /dieresis ] /Type /Encoding >> -endobj -814 0 obj -<< /Ascent 750 /CapHeight 750 /CharSet () /Descent -251 /Flags 4 /FontBBox [ -34 -251 988 750 ] /FontFile 857 0 R /FontName /EEICHW+CMR12 /ItalicAngle 0 /StemV 65 /Type /FontDescriptor >> -endobj -815 0 obj -[ 611 815 761 679 652 734 707 761 707 761 707 571 543 543 815 815 271 299 489 489 489 489 489 734 435 489 707 761 489 883 992 761 271 271 489 815 489 815 761 271 380 380 489 761 271 326 271 489 489 489 489 489 489 489 489 489 489 489 271 271 271 761 462 462 761 734 693 707 747 666 638 768 734 353 503 761 611 897 734 761 666 761 720 543 707 734 734 1006 734 734 598 271 489 271 489 271 271 489 543 435 543 435 299 489 543 271 299 516 271 815 543 489 543 516 380 386 380 543 516 707 516 516 435 489 979 489 489 489 ] -endobj -816 0 obj -/HNIPYH+CMR8 -endobj -817 0 obj -<< /Differences [ 0 /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /exclam /quotedblright /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /exclamdown /equal /questiondown /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /quotedblleft /bracketright /circumflex /dotaccent /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /endash /emdash /hungarumlaut /tilde /dieresis /suppress 160 /space /Gamma /Delta /Theta /Lambda /Xi /Pi /Sigma /Upsilon /Phi /Psi /sfthyphen /nbspace /Omega /ff /fi /fl /ffi /ffl /dotlessi /dotlessj /grave /acute /caron /breve /macron /ring /cedilla /germandbls /ae /oe /oslash /AE /OE /Oslash /suppress /dieresis ] /Type /Encoding >> -endobj -818 0 obj -<< /Ascent 750 /CapHeight 750 /CharSet () /Descent -250 /Flags 4 /FontBBox [ -36 -250 1070 750 ] /FontFile 858 0 R /FontName /HNIPYH+CMR8 /ItalicAngle 0 /StemV 76 /Type /FontDescriptor >> -endobj -819 0 obj -[ 663 885 826 736 708 795 767 826 767 826 767 619 590 590 885 885 295 324 531 531 531 531 531 795 472 531 767 826 531 958 1076 826 295 295 531 885 531 885 826 295 413 413 531 826 295 354 295 531 531 531 531 531 531 531 531 531 531 531 295 295 295 826 501 501 826 795 752 767 811 722 693 833 795 382 545 825 663 972 795 826 722 826 781 590 767 795 795 1090 795 795 649 295 531 295 531 295 295 531 590 472 590 472 324 531 590 295 324 560 295 885 590 531 590 560 414 419 413 590 560 767 560 560 472 531 1062 531 531 531 ] -endobj -820 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -821 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -822 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -823 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -824 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -825 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -826 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -827 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -828 0 obj -<< /Differences [ 0 /.notdef /dotaccent /fi /fl /fraction /hungarumlaut /Lslash /lslash /ogonek /ring /.notdef /breve /minus /.notdef /Zcaron /zcaron /caron /dotlessi /dotlessj /ff /ffi /ffl /notequal /infinity /lessequal /greaterequal /partialdiff /summation /product /pi /grave /quotesingle /space /exclam /quotedbl /numbersign /dollar /percent /ampersand /quoteright /parenleft /parenright /asterisk /plus /comma /hyphen /period /slash /zero /one /two /three /four /five /six /seven /eight /nine /colon /semicolon /less /equal /greater /question /at /A /B /C /D /E /F /G /H /I /J /K /L /M /N /O /P /Q /R /S /T /U /V /W /X /Y /Z /bracketleft /backslash /bracketright /asciicircum /underscore /quoteleft /a /b /c /d /e /f /g /h /i /j /k /l /m /n /o /p /q /r /s /t /u /v /w /x /y /z /braceleft /bar /braceright /asciitilde /.notdef /Euro /integral /quotesinglbase /florin /quotedblbase /ellipsis /dagger /daggerdbl /circumflex /perthousand /Scaron /guilsinglleft /OE /Omega /radical /approxequal /.notdef /.notdef /.notdef /quotedblleft /quotedblright /bullet /endash /emdash /tilde /trademark /scaron /guilsinglright /oe /Delta /lozenge /Ydieresis /.notdef /exclamdown /cent /sterling /currency /yen /brokenbar /section /dieresis /copyright /ordfeminine /guillemotleft /logicalnot /hyphen /registered /macron /degree /plusminus /twosuperior /threesuperior /acute /mu /paragraph /periodcentered /cedilla /onesuperior /ordmasculine /guillemotright /onequarter /onehalf /threequarters /questiondown /Agrave /Aacute /Acircumflex /Atilde /Adieresis /Aring /AE /Ccedilla /Egrave /Eacute /Ecircumflex /Edieresis /Igrave /Iacute /Icircumflex /Idieresis /Eth /Ntilde /Ograve /Oacute /Ocircumflex /Otilde /Odieresis /multiply /Oslash /Ugrave /Uacute /Ucircumflex /Udieresis /Yacute /Thorn /germandbls /agrave /aacute /acircumflex /atilde /adieresis /aring /ae /ccedilla /egrave /eacute /ecircumflex /edieresis /igrave /iacute /icircumflex /idieresis /eth /ntilde /ograve /oacute /ocircumflex /otilde /odieresis /divide /oslash /ugrave /uacute /ucircumflex /udieresis /yacute /thorn /ydieresis ] /Type /Encoding >> -endobj -829 0 obj -[ 0 332 500 500 166 332 555 221 332 332 0 332 583 0 610 500 332 277 0 0 0 0 0 0 0 0 0 0 0 0 332 190 277 277 354 555 555 888 666 221 332 332 388 583 277 332 277 277 555 555 555 555 555 555 555 555 555 555 277 277 583 583 583 555 1014 666 666 721 721 666 610 777 721 277 500 666 555 832 721 777 666 777 721 666 610 721 666 943 666 666 610 277 277 277 468 555 221 555 555 500 555 555 277 555 555 221 221 500 221 832 555 555 555 555 332 500 277 555 500 721 500 500 500 333 259 333 583 0 0 0 221 555 332 1000 555 555 332 1000 666 332 1000 0 0 0 0 0 0 332 332 350 555 1000 332 1000 500 332 943 0 0 666 0 332 555 555 555 555 259 555 332 737 369 555 583 332 737 332 399 583 332 332 332 555 536 277 332 332 364 555 833 833 833 610 666 666 666 666 666 666 1000 721 666 666 666 666 277 277 277 277 721 721 777 777 777 777 777 583 777 721 721 721 721 666 666 610 555 555 555 555 555 555 888 500 555 555 555 555 277 277 277 277 555 555 555 555 555 555 555 583 610 555 555 555 555 500 555 500 ] -endobj -830 0 obj -<< /Filter /FlateDecode /Length1 895 /Length2 53767 /Length3 0 /Length 54253 >> -stream -xڌst&_5N:xb۶m;Olc۶mul'tlwwϹQcQ sUXI^(`JrwS0303pq̬L]&@ +{8*J -*ra4O0tvrP45hl`o)@OI7btvLJVV)-#N7{33@ lp0v𰲷H8UsWcg?L.@8I%9$ll Pr325*(4:kfEof0W -J88[ɶtuuadW5\쁮zpT01 F#翑/df72,[9 7[Oh_2lj,,]T"6;f"a 4Sr5G-c[Ү)loa 0ǥbo9鹹WH` ٿ8ﰒm3_[O?v6@M+F(" gfbгpp89\ܬ?'hmn.@'nm7:#;ӵ;tZLRc{:̊F+`D%}Hn)fg؁lB(1u)g;5OP"KzZɈ)Y7d?\]N{9@(!]6YjxI+oԯ6mHP˥Z r -3]xIdtHLr<ʞF}k){UƤ^ψ % -_OT 'z"_I -m*ql{?Lj $A"U'-by,?hpOw_z#6qwD{3>Stp"^1O4飜:ar2:ʙN6AAA 7 -1u[EL3hN4_tb~~ -;~O껪Q-?cP h ~*n>uugp_D[oп9A4fԂlFi j>.w1isch!h;1v LE_? t1ZeH 4l8QKdo!P6ޟ;iQCXwFdL OK[9&o؋[Edx۵L](_Y Yξ=ސIɓLpC ڂr +s(A[iKyė>-Zy3S Ӏn3pxr+|5Gםh -DlY_5=.x*!i Pe[EEߘ2s>Wйrh$OXuxr _' >J = Yf *ebq͘4N}:sualGP&N'h_e_;\L9!ZJwR7fxiq -(}ƐzBg!`]#KаxvըYOBᓂL(gcM -0;1֧bXiQM=zo'pQR_A? S8̒_|:y4uVkJcTn36*^1Yvq#m@A@3M=p#(H#2 E>o"~}q.k>ѣp%J =i? ۹w_{l,Mq1ݰT[?31qܻѝ\}!1D&; cg&.[47$*+$gw4u'? wTwa(:ƝNj+*Z(MD4i-@7m[ʉzOƂ{kDM)Ʒ")ʒ[|+Ȉ0z/ Vd2>fkh>TH( ḃ!0;K1aV~hʗvyfWbwJ -F"]dF(TDk]Xg|RrZ%ܓ!߃ee :j440QH-Q?p~+-~ͭBtkvMpKQ7ɺЃԡ-D;TZ'ua¢OD'm17jƎ0J0#f۶ËنWwޅYц%πer}Z&Ȇ,/ȷRˮ4], c -/D.!8kM?E`/jR0Ѝ7|ϵ0 cR7S݇>*{߾˺BU!j<ȵ/kFWQPw{h'DHaE/`әA\ -e¬?n6S$lV^q }QYeJ (Jn0`,XE!lU72a *̩ƛFGD1U)gS9A=2b[~S}$(.B0ϴF^Z3BJ`(O̔{g^8PBϠB)G^$3ڟ%턓nڶ5u:S!uVe1ш{i.:h` +]B+V`Mizĝ _/Y5NKdǽ ޅ`|U]m`#ݦlPR賸Lkne^$R?-yH_$QKzqxd܃\V&%?5@AEd*Q" +/8T?8dz*k?FkO袧^??[j9D* !wCeu}T<֢-gG]~v~ax,GDI=ӆr*ؚ`uo^*b+bLcbX"LV/E0¥>U ֣]*з= { v讔ge[䑶s2?vQ*78Ē-ď+ =nϝ*x vVC]o1%Ԝ>>fR@-Knt,m&ណK"yV>q$DT55/0}? brx6?l(1lȤBDJ&]Ml2SX jfh9_UXKiB!HLñW$`- !L |x#m" ֺ ->lhC-`$z~,#i<]4]7ˣ\a{!BW|쟐ӜN8/=GT PFe erx N>oi [}n_Z#ǑdI/&Gg웉ӗsm36.0Pϑu6[Q?C|WʫqщRXnK.aAۣ OiPjOMOP@ z-Vsty 7ePK]sԨ!.1fE]rMDA6ѾO.¢n)Lf<TDX1!u13E{'Rjba410PL Lhͽ+صUǏҎLdd$X}9P+_zmwH9C/;,7L A=CA:Ap}aڳ7qrZ ؚ]B>6Cj9,͈Jde>yȰ\=EQ!~EH]f7!5;!ꔎF ;ۮx'Ij4)*Mn!tdIUULn݊0QQUoe&kSv\7O>@nG1$V"^&hy,l9LMxk~p|4lE(H_~5;_=#[)~29/6aق֑&̈*(=MGPⳓ`(}5+X6Q,2I]vHɵm7$ i]i;g_**9"Mc%yh]^UʨW*Ye'!Rע |ϙRxO$$9fk7߆ A6c!e!F]'jt]}v]Hfa+K&)(;V1u6ZaK1KT=Rn1 FN0/.8("CT+D2$[ƛ_K"ZG) CIw۱iٮFv#M=c -s{?y\ՠuDV J:^QsjsKӄݚױUzf]_Nqcz Ȕ_~pdzF8(>C~%e\+EͬpC{;ق|UhS-5(~ѐ%Z>H K7eIG CwJɲ:ٰ5Y$xY]_Y^@o=(Dt];1~?:^Cf#s)ei-12nZօXm.uV?3w"ŧkl.V.K0s [V$MB &mwu;& ^IC@cű'SZOVzw=ָg WԤ~]kҿ')ubr -LI=| 2}"2yWEY -bo*8LgUVvxu0jIPvcCX?B H nj<*jzG{qlS1jGL5PA9%kl$|&IzpHHͨI҆~߬z-Mti{R1}Q%pfdIRP2o:^- -Ð8Fv?W>ilF@Nߩ^t!06KO.KԜ/MTS]JϮضvtwakLv¤fyA{Q -c3<Ik^֑m4fLHqyl?W6{;[~^:*H=}#':.#)V#o I./6 k꡵&?˿P斅W&1m ʩW?ti:HCYyuI6 -7O;J隬tHE@#b՟G: -xg\ -G7=ƭ*6SN[d%VvTBu]bOq^9d,xI1MN+Uy2_F ,Z fvg',${!g~3Ipٝ @{QVJ0_vV\h'QU_)Uj7]n)`Cb;"@*vECݒD1٣J6gAw{ðap M~J4 ;T^/6ڙ No8XAþP\3tNYv(ng.!ȑVѡG[V\/׌8@ŧ"qA> ܹk5Y ɗZNZt-УsV@MB\iɅuІxQ۸hUh-0B; -Uh&s QHկQkۥ̻!k5r_彔P:GhڋӫUƻ83љ0}+M: ""tӣP;ԅ:1+xtrMyT.Fj)[y܋_Dywe!z"QKˑľ٣ʡ/'<[ Ʉ&b;_Ҫul[9n$SbBNi's5w BJ3>*=J8vЅϡ^wT>^o|/ /O&72F~H_ZWi z|q8p4v.%xoɷ䃣3ļf6+RY. /4/=|.%jə/BXe'Xpې?Q #w NO$P֘Ÿn9ReC P,*16mv֞*NS{ -bsS;ZiFyT *,QG - -3%V#$Y72ȭy_  X:]60rrx}9'kq!Ʌv= -G51 yF:;̾6/Qnޜ:ѭK)w+qKj̹^nU,1eGeP- 98CJ * ~Ugeɣ[d57ccş@XgJ/hÿFm|kK EQmԬ>kW#L2Z7pyQ+\fKb4jE{ -cHר(z2Q?:Ld^TfSWN'm֢l*nNT}Si䣰iZ ajDIbt#S'H.ŜPll_V%L#F6ӽI53IAVl-*ClҰ`"dMv/n=I:F݂}=NkE=K{k}qp*|H_=n4GWVyU8V<P~XKW%K{Ot_yg) d3◐Fb`b_-T=!ڪCŇzIVuIe?_ ɫjf2D紎ubID:ȵۻHJo- TҊW"@fնv[ȼaBۙ,+)^".F#A7`=!*͎ێ(^EUZ_Mc> <|7rdJ1.Ygc+Gy-zRE_ -Iv|VeHʮutm/ZW~E,BG;CBEf^ s ji])xᜓ<3,GsF? pArvnXL+H-ʋ=Sd@2ڞskPf]%>Jhfd {BpB>+ORS]S-' 3r!7VjAOp/(T:铫@Ff\}, -ќ>3C$@w`Et$Ey 87-KmZ&m,Ks.GIED>Ұ A_S048M/TkN=Qop45-{{" Nd|X X?e*ː}.eP>nŮFqFa?6!W.Qǟ~'e0]?ݿ/Z;X{rHсՄqٝ68K.e8SN䨵fܡ]JL>3D}E|3kt -f!MClǡg5X1gJ +ORK2_=3+>VKA)tSuGߟ|Df_c).*X,Rz,oh"+I iZxB"F|Xj823 8{z ZxBUՖײ G)DžҿcZy㦨WNz^f{`߳wiJ詚**XXLCc] R\ŒnϿ%}m+54gYpR3`yJEW㊤jBvx˜5Yl-h_㸖g\@|!pv -r9Xe].h6Juzt_EԸ'j`eKŽ/iRSѳ ~FI6l7_YT(׾m/zn -MV(Tǟ *˿z~I;h_ո)?qL1@[Wl?woU2*lb@ɓ @3tHݜ—kQqp}T$P);M3hOϤNFuou]4ñC[ C -V%od"S0j ؞F.ۈ:ld}gJ Bpm ~vjjcqF.OQ-L*gq{zl#{ԃjd)&3'ˑ[pZRqleI/yH)J b#߅Z=ݤFQIrlL! W5BR9oܞβFA?VՐbNHẺ5#Lmr|)즸e]IZ| 8:%^(ߖd/Xi-ELI|tr,?a^:9rGEˆݖ6k\$.E\l w&xAGSԟR֖Ut`K}q r<!W8/_'Βаw5Sl(#%"8r^QgIpIp >x6C!SV;*d5-OY=ORY;D(>y+}.7?&VKԡaiX-+ :MSϝ8'zlg`Ѯ72zcO\YF`7HzRj6J"y;sH'JQf~lʼn͋~*7~dWLVe?L_]eEdfH|tMlmX<.Ei-苵L\I;KZ(JqMݙ[`4Y@.86#gFS\|X>1\07_Övy$ ˗&ݮU=+f\*$b)0nY`ƶ'd)9o<ހm"jPЮY3V'aT}!RCŭrߺ%Gv+\)Pnip\.ibD6n qs/BՉ1LRH} -FP'v1s\ǖ1̦4eRNUƱR`|~?R oݝ&x#W=^_ X^8$( -P['"{exZ,,Qk?K0ש!2+28@!)e> XZgɐ| a:WWn]\VXx ΁ۑൟ~I`*9Ȭt@Unp= 3qmI>., 28W(Wベ55]OZ]KsVd57((eZ\ 0Br ?}7\.JNcNg¸ RxNO:az24-rJY(8o ٻ3P >Rҕkz~3升1{eBhWDBkS;)(ՖL%!@udocRO/DeS+Iju - a?|z{ ,a*IoZ]7l6pwD SklW9f? -j\'i@z'} -p'6JC"L]q/zgW{4 ϠCtrg$L];ˆ8bR45 Ax8697K;J*alѥ"0(ni\T \iנEdzw}z9j -N{UE/p\pR\D]ݬ$;bj{=CRMpZߒbR"3Χ3 <+g<i o -K5pyS$HB.&ϰ2)k°&Nx\txŽ TL]@PWN&0Y,u[Ja߮$4մ5}c{T|T":l7H)a81X37րUx_QU>MeQ¶0(Yh ڢG%H\=Ktd -LCPw5ҹ޼pLR-Qo km*eǟ,jPX^)8fp%#5#o?)Qt慜 O+>CvFr֊"o4ݴ88nqsAԷUU/l1`t|]4zZ84N`݄T*![kKƍN5ѲnNleٽi|gt\&FMP|Z7U0k]&bñJ7>߆R{,w1۫K'h x\! G?>?a0<8n^h8{W嶤-rk8穠 -Y^We$eߏ2],ɿ9wd!VYuᨤ w(4վRyu0.MQs*:+N22MR:w=LBiAv"iyb6eaABU\~Ǫ -|YgY9-k9!LXj]wjEUcL{3{ώ2> Us #ΕE>l)>+1jn;ܻwa>5[Eyyh0 ~FúAbਜm¨{o -'_ijwœ.?'ʣWf;{[.;Ȁ] qaC=0xGi0ݓBp{)MS} _WٛAsyeAM%)%+7 }񿙬;gԥ% ZXlpV62 LjԲ>҇Ԡ) :W4z @ݦΗ) L!H`P(wڎ {U谊ᩫ)t6kU E$; q̡2ȍ\2 iݺdwJqXq޵M^9 ǘCxtNL O}u sۃ$F /I.DwCf1O}/i[Y``۸`}K9zT_۞@J(S4bS 52˸diB[%pt Z iT?lsUZي1lr4!:8cf[͛>,vVI\ H`4PNF}ԕW<|X&:uBRЎx%ŵxm?!ɚAUϿ漰L;r~cY_E 0)ik73-:!+VHZvg8Af6zsk- ORVII_  N|mgO;\|nZ6T.$TKUZ:Y%<1*R̟ -.h׵:p/%19*4!]?D,cV~)B,.L=:=HO>:VX$q?jnCV;>k$V^4W3&BYcӻ¢#F>a3:yd̓\@6߱s szWfX>et˪D䡽v*UZN,7YB r"bsۡ-OA8E8ɳe9BOlTf}D $ ob4$)]Z ξ죿½49\,aǶ#%s3Jӫ,E+E%]}?? -*`:hCRn٤=SLJ۠քvd<|˹ڃGd15Yi -C7IӤT8e0ޝ Cyv Nw~1CcM>yb*{[q(GdնvlJa^\~+v\QEn/Ҷq{RdR-:/WKN6 -njI>-]8oiZB3Cw %%AI -ANAr$~xFKWē+§fS}^Lf6՗g4 OzPTqIHJɮNs"A>Bh4%}éqJ;YrrϫFqowk0hVv;}Z\yN:wj҄Q۶m6m۶=mLm۶m۶݈ʬ(%s{TJs4wl>Vq -`wŰBZ7eWH3g݂۪L`bTolq$¶^#__=4LfRXTSӲUFemvs.:5sCH7DAB4k\#dh㜡C㜩iOfy|g>v"rqN{N$N=+u0g\b8y$ +hj -evw&-84+bsfg74szMVmfpdZq|w4ӶR4љ n,o@:"B.)nF~ෙLGbO,G[h3clJ,L_=)Ϥ` -*ӐMPfHCt Gb>K ,cbd;zZ6a1k):1vWoa !`PHrEP-I@$Sh˶ `{"Ԧ!{tq /w`SP(ڴfcR -wa'M058-ҭo#[4g_kev1H(9$:'㭁J .oK~t'sXq`ۆDMtV?osN]w$e7LgMy#c~"k( *cuY=Bσnub{`1'j:QYTD+Y}"iߍPxQ0RT&|c -R|jxz}č:JI*^e1Y:Cˉk-t.>{fo{ji4,~KiH(O=U>r+ӒUhѺZbFe4Mmஊ~ZT{ϖBKPֲ^}/>l@ y"8\{f (znw]`K]]H^eLBX"O7K,D{Fp&8\z;C$Xk%N]=Т:Jhɚvg5,I NGQ~^s(k 1O50SW"a[xi?H7SF:ȬYv :E$PK 1x*N2Egݗ,*ڹUS( -DuUgN8D@#xd"DvXszw$A#[A?rN3/yUF}hEka2\:[J(S4N67LR0#8X,~ -D!." a:|-NAMe1-cBδyWFGoh n6dl]@}?!jQ_DQRkP65إV1cj'=ߠkiLS"5Q@?b(C񅆩Ma1sYS;@ob~&_uFõ镄t<&mJqq, |9Id 'Va3ʬ Պ;EC wyz*0|")@h${ӂRB%NU_!?'z!C}sdRLށ*\3_gRΨsZZf -~z/NOic=pa@_[UׁǍ%;Tpg`Rw`TxsX񲠈 &C Ϳ! Jvw1/kVL-'aYr` Dl&0{߯8ʞY\2\>HR4J+lq(DW>Rݪ9i¶s --W͇%P$$!CR%L\KvCcnB﯁ -1|Ywo -]ϑ}D`kAGo -7%K\铜uYΎWM&nwDX|x ᄎ_D.F6xc#]{8r \%Nk7dVn{7ܛ5!Nanw2|g5T,jtAE\\l*6@gtTn߼'F+$ot+=hKudj\#l%/߹T)bW+tv-\bX{V b -4\fq&>W]3<NK=Lgƒm(=:UEwi1u8Wl[ -ԿA`O5>a:>|h1Jǧ[5KDfi-J2l\c쬎Wͦ"`ж*js?B (U 0d 3 [VTrL~`-[,Roe=k#'9E 4:Q^1~ѴzBz΃[g/cC 8jH/*Zϱ[2]*}}B3P$nMu7d'(.ޖXr,W<ǰ؞>*>rl'o7U8=,ISVdSv[17-zyY2 5Pڣ@ք5$ υgK}egXvp?nXW(.C'  U@8R,6f(]a!bݼNF=3;| 3Cp-}װ줵ĘpJUs~¸68;Ek* ɭkP.UUo}5%h Tdmmgk -ac|0ܑD2Y-_֧rDgzo X_Y_JńBY闝ޥږ=CØ vȡȊaCe!kt l3B,J}\ej^#O&xK膺>*c^%Vl Jxm{#k? ux~u{ o8685|B/ ?dmҙLC -o. 5vƶv`7T-\-IvҦG'd|϶teL~\:.ۈ%PBoyM> ;D mHw -M~*9bFň5AYK>%_bp%X*fH,Q/r_!)>ϋ]mSf&N%d~ ͵ -)iDSBy]O !G`Cx<%P lp8/Q_9i72Lw٦S@YTdN* @ٗ1I<[( yt;ɑHiz>JXxm:SihLIg2δ)nMꗛ -" ΨD"Gw ȄDI"q^͈P[1g0b mè)zwD(9! 9Xe)O3UK ~3-2r&]D,G1$;UDDۦr9b-6@X# m%x:?ml:6Թʏ-鮡r8I"q)d F U~ݚ-P?da1H8UzN |}^nv`d<\RQZ^Jx('|"gSHMv:jࢀo>q "JȘ/NfY8AbkOakQ\G:]3F;k`V%gUpm;.q7ՌfnB\}|&?@t2wO[-wb;|xC7'mۖU7yG#[-j]ۢHeQ1tW5?!C<NuX9eܿ%}*CG B[XF_c8ܥb5Ya'.nQM)A<Q!jNXDU'!taMxH J8~NrDc7LYF<mg0eó./5@1,AV:mS,7Bk6.zX OvwyYIBx H]2z F9~7ٵ% ,T&KZ$5H`aaw{VC3H.g 2rB(,ysha5lQ*0!?szlH X~g8I{}ڀ J/GDc됪<;ZG/@[zc=NWs#}VMFѾcdxR oO}G\үLz̕G8 zqBCtW.DYYb EI#ΐҌ?KYNgHc=ќ;` v'zؖڛC񁃫DvȆkuz9O|uage"i_MgO=3rXх~ /eY5>ivf(: -/rRWs+ClHrtM6jv#(ytCtQ]9՜ҙa||d%@7HY 8t4Qoc@a>]pͥ(R ;CzL1 `KǙ\cJP[T!ʽ Mgt\{Ri0'')X7:jQ'r'"]D#!~6l"}q7UẀyBR~'C|:, 0VzڤK"rѥD- akKlqUCĽ1QE ̺*Ώ)̀PZјCuզmi[߉gG;[gق-c__PEC8'hW).%mL$]r&D$+p}d:/R.prދ#v6cBbL. 1aj@Y[4Xưvb -"qnFaWAI8ǜϝe|%DrJg&!An?A8A -$dn΄Z pAmu2 xm -O/b1,RtĽ@ˣOœkR=pTZ8+Nꈍ u>;)XqId_Z߻r LvL\Eroԛ?:T@MR{:\Z >:i߻)}l0pF1)0ZGp6?vݸ­tv`ɬdMǶt(*|v"dE$ʑĬ#x?`$|*ҐFkc}v¦n: " /wA5X7۪r*VZ3|=^2WQK{#Wz|qKu)n6 խ$l?tx -'Ky5 5(uYfDïhÀs -PƎTe6ц ^8,("?uQttvV\2jta)t 6ɕ[}Ya5c{Qh`f0Eɷ-.3#S1\NQWUg1CI=T&M)} " 17zW-[8[A-.8iUdq c-PO6.sJAEƝ}C\ggM(IP -V=dHaH'0PloY}_3:xJU4CW(xIH -]㧑 k{aJPz<%VRMr4s)5CvEGtVWKxWau$\C{;#0`Z*" w oP4(\*_:u{%rz_8$Ժv *8oM-bs8| -{zn<\&,t=! Nl3r<憦$4BjQ/B†@i_X`MZ6 ",20/K[_/)r-{ޮC7"tTz>J^X)b3؇nu B3y۳M2{%͊䫊9t"pHحS%;:{b4z"Gw16?ckW> n5^+X(+.lso3{)턡Qβs@d}adJkÊnVPtM7! -Y4(l.tC<%Ha3S -b\YxVb^x{G{v+M>R'WuJu@ZVBt QF i"YP69JOUel$Xe ?-)O"]݈ة)fmǨNH:km]]Ǭ@?vԾ39Xˈyb;2TGFKJUMgz߄eY 㜏oDDF7\g"]9.8u}&+/O/i%= p } U)CwBQ3g>wQ~ &fN_9<G!)^xc|Y?".<Îjw{ݲplL&C,:YJٔd6 N-d+#W^b{gû?mr-\HCd wEK窊ЪVU ĚQB_j\*֟:M/͔£TN(O"X0M#fӸ*N01H-a#0y;Jxݏz>쒁\ugfo(= "~NR+U/5Y.lu3LOr\u'QL%/9EOwN@z r `"a ҿ"+E=a, _>.ƍ?$\"=KݟN;^#cWlf J4r`M Hmp -".~Q]&iK#qBAwX#T#`HPeN T;O߬HPfww9)5ְ{O!zfÐIg"1I9ut~&I_Kj囟D"46 Q - qC$b55C|$K -NoمHۊ GWueldo8f8! ˿[cu(X oqvM.I5,7aYznoyK%zl.]sm9ؼd͡#c m4)d-ju kȯ27zx[cJ&pKk EM*&O:9y;ق 33}_xaJQk -LYHzAv6řYp΋NrR}mIh&WDҵ&:;R0 ށhJ$!`{$jTj71^:݈ϸ^Le̯@&t1Á3^N%aPά{ķP 1 '!g}m_i̒޵g !/R[4ȫݎꇣ}!!pSa9YQSne\#]x "\T`ˠV]^`C:%`! -ʕ:FGbx9˻ECnЊfԸQk%ss[Oﳆ'sZQKW, `8|ufI"›/*> Lm7%Z [0/H֌6 ,Q/<5HSإ^ߍ gʬT-t#.i9aaBi#m^ϛC\U*^1v }D~=ITu!g'>+N1c'V0`qv0'Ƨ ]@y):M1|?e1ŝO,L $_8P,DP0U^YC-^ư޿%֝Y"Sj {6AiU9n줾,9*_e9%iRZٽ 2viIu_ ע6cp$@tTFf "42o]S\qd,XCb`cIE -Aޒdu1B?wf)Tb{y,2Odg TJݞ"ЩZ-8}Duُ;XqC וm̽V!QϷ kvAze~9yc!6#p*f&Dj& T+m~̯IiXwif`1{>4_s蚺,yv -x5U7u>iny 4vkF\"`L)K*9NR<6Yֿ}vfUO4쑫ݝYQۿ[Z\Mc-r%K -\%ci!KZ99<3 [ $q?8_57+\Դk]z Pf>*OoG?630zj''_Tg"IXªŠR2/V4"KmB%R$boF.ϋ$pz?5͛30P7w=,Q]wCe*5lT`z2C,b+h.dnQ ~{Tp 2g`m<;u3e5-:K侅יaRv?ڻ7m2IvF~I^%VG `[7غJ+QҐL aYf犾MI7e\LI=Qq*ߐPK$W΀V`F@xK 1}"c -"ɷ&мi,9ַo>~uw1S^$#v+:mi;n]LPNC 5y[؆ 09>R{)7[mV_pg1Ł2Eu *Y; -8ױv8Dbmrn1FW27\ߩߣeS9(j"qJD@uFA DVGa/A(o& } >o Qq 4+&=-N3VgX?[࿡ryyaZEYU_!pVHm.sO(3mBb{xmmq <Kv[( ~vI>w|SGVfQ;`Jj>.ݶ3a$ڹT寉gpd1HsM&bG5߂ĺLjXnJVožV@7{aɈ-:82G%\JQ)o"+Q<@O/xIHVa)bf]ּoQcSɑ*_U׉V# -ۿ. nэ4(ִ.^&n q+2}Lj؟d5_P1.W}H[$Ė2V@ ³+uɚ 5S`/`*dߴϬXR5&ѿ6(i)y_!ϋdc:Se\l&l]ӃM:y` Î> S5^LX3#/73e6Pߐ.h(O?UAJE k P&S^$[egj HEj("FbЗ1.Sߔ6Y& 8h82c4OW`I3N D*􈃩yq^A-MA{r[s_!FN~LJ:"73:pTt\. q lOE6[ܮ<]P}cf?7 4Zb!2M#1@-]]x5tS$FuNJwҐYP ibC2&y$ycFk}FpFkb>p;6nmwY] e61P|S¤: -fW,\Bb5%qS )#~))xgsXt,?tWb~$_s3מ"x쇟@ak'}7(e@1~WHP'Nๆpx'7@Ŷc"-"l'G'K`eQ(ZC4>$ElZ+mDe -_`,*ZxѶeԜڲSq XaY,N,.YL iL@RZJ8 .?VWsxE/,e[^eg/Tٕ7R KN^z yݢ ; - P iBdJy罀:j쀥[ sʚoaij*Nq j%"[$6sJE(F_gIzM;V -N\yM/ׯ<+>{=u (9z)liWi/NDMek,o 9t.VAkn9kd;_>U|Suұ%l1ԒJBW:H^zſr07|(9$]shv;W$ -d[m۶mWm۶m۶m۶msnO̼x?"z1H\:)} ^. 0D$Mb&6l hا}ǁ&MGB↯V 5jG3A?L2F9X]WyiEY []Y$K<$׎Y}; ѯvrj=y:zMPf%@%,-7&TvRs'@x"B d5xGϸC#̔%}]0 O*ef\gL/wqW]Ph<&Sd>J68JP&5}e'LPH/hԢf5e\H& -3{u](v@/Vݯ߂:ŭ}Evu3c²cAl(ή|l%S:Ђ*Gh10( -@$8a7:d_uaJ~Wy]v{F7\ v˽,ۋZxDڢ+XMɈ}FN h]:Ie:(|4ɟ:S!*Ni>cX.,̄M2<1(&(}cvj;qWҙBz3b.\HH]weubaRppg6~k kF&`gbL>W5]T{ 0&sPixKpsK/q!.0Ix3'{4TfmL4˙Y0;~u o{puJ!#[ dbjOBB p.# Ev!(R?C e)RɌv99lkJ`Ҷ>˕O]& )Ec lz6| Q$>pXeC?[߶s/Wz7~\a>2rjw… -[l6F̚D=*0 7W@|)N(=~?\y JݕD~Y)Y.Ky⭤4XppZWo|^fٓ 9r4I% y=Ѝ HP*UpMBUb1OڅRMuQTq*pee{uoʂ`'R*[bK it[duWxp| +9NE!0۫N 8w3Q> :+ M:DkFMQF*ZEkr^FT:UaK #K4Q2~ZR0T-?.Zd`/usLEN5br 2=38ըE2!ܥ=s:sN7_o*@1|}@Ģ1ޕǹ N`ZMv'4z$Yͽ4?[JSvobR,IiRFjAZynߞrţ͐ =:JGjd0/p[,cT5@zɷ9cԙkX"H`w ){DPmJ8NA(U -b(Cw'(\%U]oG6 b/lR4 C -^y@XS忮!dDH3X/z\R0qDTtCڣi^=gy$DNPg18HyIV$iZklg$Vs<)Jݓ3>R߲K rH ͽ h  1~_K$' ʰ9V[17dcm)yw%xwW -xʓ-i|BM/ߧh?ܑ *A⩎ȷʂ e?)J{iOiO2N"9 'cKq IW-EԂlƁ8nmH$ps^@n`X9U_* -W&ٟmI0=Srbj0&Kh~jQ -w~>gG4Ga>ޅ6ӑL(iw7.eDm'5AǷ 9ڡATvL*aKP?bW׏r̈́#J4vsW͞" 01ErcRɤ6M'qhk(,p]v~JҬ֩) -\ilNJ9TR7`]hA`!#Ly{VS%B0zJ -Q~^FC_폂u-=Z*oO3"yROQ7yڪ]?{N4jdX|ӥN&HcrZ@  -Y9&)}F;ZUÎ W=\E;˚&*EFҎbL,`k,2/"2eK X!H]Gf"vI|9:g욵Ks -U  ~Œ'>>p9CzUA{,o>7/*sQAWgD6]hum. ^uCrxkk tਅbqHP)!f4)j"R;8eA+ ݢ]# e") 0h,FՇO~21']6t$hoviOV3/* -jբ)GK\3PZ}+\,c2';H1&ɚ#wZe{woC,| x˗T& -Z~uEC=G  ɨAF}I#ސd~`<"%1|vT4PUBg092 =?Akr"DQ,,- !\ &n FʬQUZk:HHC`L6 -<_~C5$&H<)!=8pҩ~C;ؿO$`}=Or 92p%pxyy'O\wT?ڑM9 -#[ѧ-τ  Z)I].H;&`q ݠ\'y$ѹf(Ss*:~)VW"r@ߥE^_CVR!i;#_ %8/+i,i }؇ *iFs5IK;O-؆OP3@#@5n-riO~|G 싖fJH>MkX uѯ $wPZʸ7 $[6-\ڃ;@N=# u|ڢ.B?.w!ic:PI#C& -jM>!^5XA *Vd3[ʮ_p&% ƌ٪:SSgyvptapIOr`M{| 1:ՖyXzՕW#߃F!-u^APL7c -;ÎZRFx 7;?L-u~fybl -1 I kGqp\ƀ>0d~XM? Ulzm:!Fe(L`NZo/k(!Az퀿oP8Yo-vu g&.5#| !9\a$:#w7CO71DlcMFg+)N-_˥]5v0 B:3EVWJn!@-×=C[AG(#oǥU\#{XƟiڔק1dJfvMfĢw-Y?><aF<#CZ$^YSZ_G[*~ EGwKY}+F0`k/ݘ1*g)i1 o(&dEXbNa|)_#[FZ'ucogȕZ.JѳKWFaN|])y?̠D !,=0]t\" Tk8]Bqg,jj 6}Mq<(m]fxoy2*kfjR,Z1Awati]V bҢ4nD۽O A[<|B;T$GOnݨP ;rljH@z!sP&A,1{76 -<'UOi|Y TEy!JQg7cC@?G?9.tX .}*S^H9p6vXUAXg$㿝 YP:7aU)䄩l@; {dpu6ؚ -Rl Md{[g\4>:e -|(ױt]Ӭ1+(Q(8㸐7[6EUD~zd H4q?>}i'{^5PҠ,?HM2 zrx3ķhu*dHѻ;t 7yv/5 y-nT~EBV yǔ^|}ͥ|hĺ-PM>e o,jS+D -T !xHqTyVYq} Q[iTNHm&S6A.3/:iM8A|ںͫ&$e덛aFaZuJŨi8$ wlQzMb O盲罢?'E}\kGy^t -f.YZ -_< P[T2a Q:=%բJ2 r{@fd{jBI.g8Uʑ9QVE=wOK9m1fkڸJ)MvU`?M4~dۙh-~ ,#{l027Pwj*,`A}FG)ݫlfn쳲-uij)͎-/W!f)8lt8O߯3״ 6 75obg+r.K?SCOSd4Vİظl$_ f'st5b;2h vR s?On9"b -ti23_s:gDjNCr0~Y[4Wʮՠ0,$_a/Gd+\/HV"+>4مu]D*Ƈ`CѣZj[0rԣ=Y -ϟN syju+~͋2I]Z!{N=@4H޳YTV0.ˏՆjֈs!c$/f2'`EKi4Suw5;VWR8D_@-B -0XM?1 ދX9@;^:hm"&'aC ,ܡ1)2LeFZU#mo+;κ.L@!GuN(պ1{ ^!9ATI㊡s'|E+rO;{y )%i)R^CТx;#DlvSNu -ƨKT:`dS5qߊ'ضBAMe^]|*Y9rA%UR@ r,sӐ +8otĈNjC;3GL9, -NPB½",Nn#2My1[?4A%YO ajaMѢDDj܎wey'VXSDž^Q F]> Z[QD6/uxB^./LrO^ -wv9c6rI>J[ i$q"_ -B$7i%v3K9MNAxӤFdcߞ^ϐX{Ok^YXnEySt"6l],5.JX U⴫3ñqE(BlVn%Si9__5S,OD:1`UYqV<gqk#s k%meK(۶9jNx6ʓ]) شlx5UƘ>ԛx!*|~fC+ E&u'/2*"4*-q>[$vavc2F!`q̲Y.oaU*4+eL?1\9ZSUM6Oǖcm38s:y-I3r`ĵ;:.$RyA1<в\BH_+O'Y&#TC|*Y_`Zq~*2׼zJ-j_袱fi|AKȔW .!s@CCFF(n:z-k$<8:Hm1e:mֿC*oe)>EYb?l'"pkҍjpS*t{}1V>1tEB24Jc d#di Ži_ bD u?egVT>EIu/WCzBјndKkq {Ԏ68bS>ԑQi2SVii{pDꚘ U!I.BDlc ;+]8ʹVKaq78č3 -FS(/%fSvE> - -M7ȼ̄pqۢ]^H~uLWh OFEuhp[X.('2j?%twU3l\Lv ?NK$ޢSZ"|HkyLj>vV]?{`_Qd}` oW<?vKhKFvJMn186.7ϼ>=<iw%TE׃J7HeUo~IpS*6RY8IE]z߉1B5<ӌο n2] N3b&F76c -t8ʕCxH@K0C6fh$?h ڝ%2ЯԺ;8q1oF~ '\JbP4@G -iˡ:?b6-Γ.頷(ͩc)^ӂLp%7$1N1WhCcMHJuIt<ލڛB s2<@\ۚQ1amڝLzz໎C?-_A&A?>+%I>[\[c!M_EywWKUmE?# Q)\b*@Mhnhr@Js19?ܲ CFzyݠմlL={-ko6d4L0u. e -iu2cFz'fBN WeT1;khj㧔֘X_KI}m}ւc+ cTO 4 -.qE/VP t|Al`q2ȥjw0\@ 3#uǍ+eS(Px#?E&cMގn ϰuz/ +D; *3u0$p뫴ϮTK NG(!ۄ-?q$I {a%gJئb~39^Fe.)Q+ U^YaY.hTĦ`Ҳ@ycəEB!8U"]#=fq(<,hqGyyʾf= -c.)Cމ<|=SBtpوDt~fj,idڠASﮥ F&d̖p `EwmSsJR"1RF_`( >f%(DTb}Hz[GAy.WpM6ZjIYQ.=uHZTG6+|3!<8J*yMn (~L. %qq椄 -sʾ`\m:zxjD5hCQ84C@]BKΒ#bؗU:(6u=+6 Q}F 67khS#>BvƃL^_],y}8qovzԂn淤X0|UemCz3shAr~TM`Hp :Z=Vňu LV:ӫ[QeB=h,2u2juPEI'B@l%w/ŶRf.eN *L/9*(Vo4r #ձn ɗjw&7Ɛr)ꨒ3Hr}N2;aX ]VVwTЯ !zș $]48ӭXʄR:{Or)$qv!A -?Ñx~ꎝwG;Пw\Rk6ԞjNF$DƦK&E8-ǒ(^pؼAv@dBێé@7ڟSN0^&"P^jqLzu«D+ho6.`g[|eb\d|WzEGimedXtҟ-. - dQA{$ (wEӑiJO!x7~oc]e"">ڞ&aή"bWd&HLAgއk6SoG}0WIxnbgٸu%G%B8%2{ۑ*87>{B>B,m:| -Em_Vm giBjG~ T+ \C@f 3CX!E3 V΅{eiR4FZ4Cp~P1 .'DHFlبvF$|} -]9}]q#ěe[ع#̞2 @kf6ozoY$pqb$C- @g$‰${\!L_u:J>5Vplj0kTn𠎠6 PZ+K</zƴ#F)$֋^Xj0;Ut<II.xYqj& -'-bWTv*dA(嬓Wd\p]P&o%z;o g+5S}-p2I5gTRSvny*Bb,= XeSyw?Q5u-uΨD) Id]ڶ@%?ZRQі>ط^˘GJ*4'#AYtNA';d|I;G {]ϵcԞ0mQv[;dw?yuS9Pef BU . ֞EvJa59[h]횋nZ:J,Zxw -[7E4h2r(Fj2]h4;2mQ>R΍yetdKģ$hhBwzEקԺ ]>kmX 5H=1!/׽WaDFK!*=h+ f[=F/̮|*(賌t䣠dّ?(8JQt%i mqi{ά/ FBg w㚍u?؊RnyM]nu)z5Cш-oz|[ -ʼn '&U y+F qmSY>|xE9THlqg 8yWNFK~$u.*80L4ĸZ"hMcIO_k}xּ"ei[2`Slhneృ]KB7! / VBO{VjE@30c a6:aVsv ַZepmLiL4i=0\jKnȹV1+Q|Dy׺k J'lG1\9{u@:>i@eKF3!4V3NmCk^4tH_U޻AwJT:pgV-p\]3PhX&NtOXcС X"i`trNPƪHiVh[F܂12Q&rΩ wttxV;ei\NUyE$ٕn"摓rP1Tu]m1oDk -dIڔE7UER"ژ \` IpxH)Q"<ñBtB10ʯZϻ9%i^Q.R=WXy JֆNb4.BV8!pΦ;9QJmG+9\+betƎr{"\M!gRx70pV](ŠS )eAT% sCd:de :C4bEU]otɊ9ɰU`Va6WvoSTKQ2_Ɔb@2F;.aѻ[wpz,C Ə,>m(T%Prx?ғ`f!^s+1_Yɚ5{צAa# 65̈@yKT.N`"2ȗ=B!:XRْ~gw `HWuFPK0pz%ekގ\3@n,%,ׇ/K)Q% cR|ڱj/$:L_xK<}ՇcdlHHw1l+a@ ՙx4^l"2B)/][M!d&>]`E]rv2[@'mq|5E?%=4 BHa?4 &+6++#AT< -w3)8Ps#,F{==)wX -~KUlj+g&,x7Xdw*5) O͇5=yzo&!)PDaE?^ߡ6u f^TR'IV^n-5Od0oʤ}82 3t`2U\RĀv=~^vX Rxb4.7O ƴlkC:Q\m< 4AqŌf,%8bhG7,$̴KS^)n^$t/(xtB((]̢M0vI#QuW{ bD\\_3XB>++1$,<7'7eDÔ5'h)gLO?sE+2Fg3.׺}^EQW$qx夤O&foBKA}1?Ȃ9(F - ]lX%x6{:ĉ/unyS(R,g);t?Hn@% -tmϬn$𐈞|vIדb$&Ŏkl%ƾdO)\rUxқ#pE0.!ۑBQ*aT$a9/HF|Sx1@(0JC9ldIo&?ޤ܂u-irm0مލyta;n7tb.uڒn]5]_gawPkċcHԱ.<wFJ%hAͩøHkHH_]֡]ѻ%(^nÝ15JNP%+JQ۹z䟾 ̬.yTe&o o 4>co`dzȧn 8w_/5\$ wkBE<#Mn*@jvH`B{ -ḯCWyKڜi1*e1 5ϟLN8l rK*o 8 hJ!V:WΆG-6 sY}GAc|–"dzX/&VU#:FA6ra9weߟO-l!Lj_ҿY}Z|"CcpŒ3[=p cadyDX -=e "݄IFXA{V"s`ww$r\b i)w[Ź6TgM\Y;PƳDvEUFz*m(KF^Cgi9Wַv&1='Q~#[h#Rmv.2P - -ŭH$6 -'^TĢGBgf:λʛ fQ;m:/^;t `ߣk lH0oV6{sɚQ^AB\Q<9: \XYVcծu_0zx]]Nҹr=XBUy(˩z/iI!TNT6R6M? -=?fP˸Sq 9DtpBˠL!8ztBWYPQ1Ndjå r޿v38&:aӅUxZjP/]uvx#L{pM} -܃A7s`WUguJ#0p7IFV6= D.LxŠɜ9K@w,K6fZ=Wkpe Ó_JXQzQE؆C;+` oj-ˢ<a[2YKA0|WjPmo 77sAyUm&Bv=EsjCh02@CpQO[ %@ i$* -#3PםyE.36[apVE2e4|ˇfp/YSK;Jż">,gv |A - H'Ilvƕ>|\ l_`kz 2ʊS gE·,>s=`ua9X 5:I_PV䖕#O'FN*v0[>6-g -SZA*j;bQdđf{u9q錄\TpW`򮇹.ZJ׭d&;gXd6t [sq4,aYlŁ+).wz<<e Or>'V{ UP}R:6L^GSɰą`Jqr!0 -d}2oAu;4&ndJ]t}g欄"ir!QI癡(ͽ;ɬYzqĺ^-IeN(evNuUڑӌ'fL"ȓ19^qE!']ˎV{jnyNt#$꽨8t6hF#g9\RP -\riX4@GjZAP+!^޳.T d4mFi1 A{":`G =20 }ꘜ>>3&_S]A0=b!}WwmKBYOyɡcYQkum~BݐO(<|YXU -7c[R ?eנOoFXƬ6@]RP/& QBMcn;+$ָWٝMX~sdg'͔:z@:cI5A6'?q-^U=!Oɸ-4qnxo>Kі$0#\|w& gBԢc?ks$@KѰS[Ja!vFd9<["_&:M<&a*- hBy8F~KlMdz~䳶#5E;aEd܍*,ro;ZV|+22IvNH' T-vhAoDab2_#l{u Cj^MB$]J܌6Pnr8Z rtySKܾx2J!$B?,7Êdp}/zk^f|hİ"3D`]B| w;rMʾ{dFG豠Q"FZ6iY>A6Б^I "DޚP[W -(s+Nv> r{S^}c;φT%5iIU)mmxly3ɱv1޲ fCdǽv+T#qK6Xp~)e&eʕNq]b@1k1zU(̠(yBϟ.]sG+9 &ʏm_mI&)F/"Lk+O~J@|g&Ebr+c`#^|}BL\@2mDž3MP{k[RN`X7\%+dGC'ZYm2<|[pEM<`*[db״C.gR'>B-7PsEu_=&rF"Mki\g+CBNLJڱkUA"f"?[y U윶ogx%WrCX-ϼQ{Lw}8y_&-Y1.&4.A"wa~sjbUCI_Zi ~ +lo P>m e}g~~uQebGȿ$G -%]*]{蹽x᫓h[&U%6kޫ; tQEnC+ -;,Gs1Ne)eR܃SvʪǶK1oF(9ǐ]kni>Eir)SKm&'BUS -Ġ2<&\eUC( jS[ r Te- \ڮ2e9-^^J@!kL__U›‹D3RL=̉2?tNI!yk)^ח[ɇonNvaI(=msڝ#ǹl|ޕKUfo.. K `pv!ls]S#;yud?i$ rW9PQQ0囷/Ex[ _W"^pڢj JǢG#@_ȭ -Qn>l}?Otayae JK='I ~~}{fFVؙYS.n1c%*Sp­b3kjMg!b{dNQRcԮku zVw}<6! 9|bku/[jt ?jɏlH{e+gFi:|!:t*ʸ@ثMPk;&Ph9=Re`Liy~z ʞP&V*0! q㐉v J -[LU0-Rl*\i;n^w~w`Qojvt;k p?v';n9# -|K% -H/r߬opIN8=[m"_-gqy4> OD'GuԠ|xD+deNNhIrFQa\kC)If2r)soms;ȉ/-w,W"vd QmxjWw$ﴝ 9bLK^UooZL,Bb: -N@vk( DYKq,of[y~ ;q -\RyxĨJ~[xF=}:# -Ezٗ__1a*)MFo]P7GOfYeS$"K2n~KT\rMJhv z֍#Ж>Һ Jxܕh -endstream -endobj -831 0 obj -<< /D (subsection.4.1) /S /GoTo >> -endobj -832 0 obj - -endobj -833 0 obj -<< /D (subsection.4.2) /S /GoTo >> -endobj -834 0 obj - -endobj -835 0 obj -<< /D (section.5) /S /GoTo >> -endobj -836 0 obj - -endobj -837 0 obj -<< /D (subsection.6.1) /S /GoTo >> -endobj -838 0 obj -<< /A 859 0 R /Next 841 0 R /Parent 616 0 R /Prev 731 0 R /Title 860 0 R >> -endobj -839 0 obj - -endobj -840 0 obj -<< /D (subsection.6.4) /S /GoTo >> -endobj -841 0 obj -<< /A 861 0 R /Next 732 0 R /Parent 616 0 R /Prev 838 0 R /Title 862 0 R >> -endobj -842 0 obj - -endobj -843 0 obj -<< /Filter /FlateDecode /Length1 6916 /Length 4896 >> -stream -x9kTיhFBo 4G$ axY(`&qLiqvc9Ng{ -lqq:=&ݴ?=G= H;q}w RDhxIEGl "p]Fp]5BK0IB ť#Gbґq<#>ppt 4q!Rbu"jH4&a|,= g{u՟t4;(ssw~uC%`$/!;P,6-Fn.T\uyw[-7 -@<Xp@@7@BG38&1C;a$ A%\:k @R*V)z :WIc`:x3PB=˸*Cul̿/3!>(d>|{޷3?{yVsVyu槷f-ena[r΍̏oWv0?Z 1?\\_b~e0hE®QvhH!+柗7ۘ/GZg`2-xq'<|W EY_vdqyc,`^_f^|ig.f2.V2߸Uy9ç'IE20?>?>wÎccpc)L}y)r -OuOOx$j$ϜN'1ew#CQ^уQ2 -cCA3A>>2 - |zyO/~8wwy +|{oo[i?3AZ < ||@ؘ@ɶ(bfBDӨ\EKgkv _꼚 olO>ʬ -/fuHu@sϸ4=qxğoBPE(mmĞP%bL1$㝱 0aLO*"4)4zͣwPQ4Dt{E -Qtξ+|(:@-뿣뿖_.^=RC`hokmٹc{s!{yܵ5[*+]e{^50fAӨ -9MH#BN  -D !|W`PF`~a`= ɡ$=XV;Xf=.:YaUjoڲ =X9R - ȜTJ/TтRMƁb @Y;)_Qq -mDM3 8Fhu9A}3΢u -DȹIEg{/qo2bf;xVY@GDa`K<-9@> ܨ`b b .1O0y%8|B7':FTPk -!' lNT:E=d/8%7!6%x:|\hS?頀^e r d- ~xqu t =ZW͆p:Ybq! zҳ 7TJ-:@ sbŤEY`} ->0( w= qc - -ѝ  -Y`+)D/Y!n <-!9%ۥxtbM^%#$mSEJx@7ц`7n9l.\|@93Rة~Ȓ?̱z?^\[xF}*s\GJX8qnó <Z#vps\^hE#Q *EVDđQHKf$L"Hx"F-&4M!GMy$Z'^}XgdSY(?,` W Z-(:AՉtHwHsuNƐ}nV/ -WˤDb#ɴ-P߄:TT?UFVbSd YH w*HW|/ʀ&g !n ]و3\T-u$ -"o ^h;jdȉ+)}]!$WFF #GM7T;>UpWVQ16djr,DYn,%Js8hZY A2F%$0~OJ$VIҒL \w+'I)y,ߐ M1:֙->=S!;qq2z2Jv#%)Г!@&D<ѨɩqhjT&$4#9q,s2'~_cW޹<"A1E>I)ܷHXuʹ_FUұ'6%E={z6 DVVZ+IqƓǬ&/-jV%7"/7OvVLE;'_6mZZF`JPYw >=~%dI3am8hgoxhsnべorq2AkT:ʨkڎ/-T}੐;ҔKLgߚpVvB=`)r@?̝_'O֟wWj<[vm%^. lD8)ÚA2pjr~2L.hvk -NU+8!ۦ[t<ʊ,쐺NWNM Up#w!jfE~ R# ZC[HRrg r%%Lփ/}>:Ѹk)]~|!ӳq?V?ܳO?ێ.oh StrwA8T,ˈ5yYO;l xԔ-Ȇ&=pe+4xzJM,*p&u1ו%]u%rܤ_ODLZb2WO4XP_C3:*g4n)_B?ꟿ̧{j2{{>8}92= axJ-V!'%Kt(]6va͢bò\%z8@tNtkl%tV{JIS j9f~7e frJ^e0k?5 T6QMQDڤr^Q&ۄ2ZI/ט@ xuxs1UTL(N^H%#8:$UHedeg2]خ\/ByP)F4vތdpHVX\90%xڥ7CZ%&3T6/A Z !?QTwV%jZ)' UZ84&kQ׉ZJP-rwUbdWZahl|bC8qv"y VR[-yފ?l$j@MAK%ۖ-S'TƘm1u{kW( - -AqfጣDCY\ Ŀ*PdGnz̖+ڔ ݕV2"O?v%R=Qd)5E.n>;̤J4`k}/>RIMZy5OMj6ҤkCQ77n2 vm5*؊D<Ͱ5s\8 ^N)1-1%UIRac"$fsuRR jzlMрN4lm7~+yC|tzCQO -aN*5PqX1gyB$XR-r6|3_ZYbYkv> -stream -xy|Ui{RtKQZZhFK)є,Ev -e_TAGeܪk@ :*2#Pqۼs'-,oyr~{==Kb]9"d,jnlYJzDjyH; p\ғ[4&~F浢tLh]d9I s등YԼu͋dr{=reXgI}0p?bU99j<0XDjdVwna]hAˠ!nDžߤ^VjlX5X,f½((DFYrE!!,bpO%F}hK+bc[" %B #y\d҆GZG_TZ!,h@R_;T@e('PDue (wE9s ZۊؿnVP ?yb-^GO\*O\{wsT-i&%!</S/ &|A8 D 4F">:>!|L\>$폄#K8J o"I8B8Lx:5U+ /^$@8H8@}>Ox g{Ovv<^OL6FP"I㞘,ty({0᷄v#p5J5n];- n%l&B]o 7 "l 7n$pzOt.:Baa-a a5aa%aa9aa)Ap a>0000BEh&4ff=#qdnՄ.B0PG%L"L$& UJ8BPF(%bhB0P(F#B6!)Cd A B:!JNH!$';K <|BēJB4!I tC0f`$ #hO AMFAIPD@`|B?gyO ?ȷe3bߑ[7 g g%N"pp%Ϟ0˾ a"| G8'#OXC PޣޥΎ@x:={Mau5h^ +/э^Q@$ wn!Ff-:l<7n&t{BX+OH#b'db'd:&Oxč_R y=\܉g3c-/r*EBىʓ(O<ʣ(<[PDy~(QZ-lE5(w܉rQnCUjٌr &(cy -,d+X:O0l'o%3__ mk  lOI# r e2 A3D0 &z%hjZ圊+JiPr -ʧ(|ʇ(Ĵ|>(ϡGه,}ߠxYEz7 - -r2RB'PBqKp ciʡB0^Q_8"@cYEOj  5 jxB0PA('iVG% QHBM3ۏ3(?QC9-fQD3('P9q(oP^EyeC(/xQAye7.{y~j|? -V< -\lB aDIANFJBh$ W" !BNH#RɄ$B"NI J  0I>PE9wP~6[(ob(-3,7 ]z\*׸q^#D#VYʕU=+]!+݊e=\e,`ieDN1sv;:APCwԙ_Xykt2#7w+TvtBv C@] {DGXT#!ֶm{ہ6庶mN, 6E1/rPyD]>a8# 8}l y֞y]szfZ2f3\33fLwM˘3՘v]We4\= ::פhɨvMvϨtUTj+ٸ -Wg'=+lB+=+ǜE3cԺQ/]"-#GT$Bi~|̬`lni'g}FN#x @qR@u Ȫ0,8A,r fs2+I3RqF NVO@dVƀsZ*cBCjW\-ijJldWgIAה^nieBiR]77mؒj)w-ix>^tiLs%S2c1Zt[+;K.=eŝ3;tF3 \.]3ً2_մ∙3䟻\upzix^-o7 o,ŰK77(A<*xw -K,[P W$^|}W xT$5 o`ogYP-M< yYY/@;t@',VX  bo np+n5l{^} 븾 %ax @>ox1OSh# Oe܏ևя{=ON'A/x`Ɯ>y g {1`?<cbf_m2cO  - -pe o^xo\kG]xއ?G)|s\u}>{G/zaO|}rGcpi;&ag.9C[<݃y{H3Ny(<7Ob̟=l<H(ml}x,x<)oc)g"'rq1 <<~`t>$_~ Kǣ|#ȳkƪ<9 -O'y:WVͳ:wyYt||lR/IU*徬%3lM;ؽkYMm%u%sb+RVΑleR V=yLRM6kwQ_bi[Tvw+$2p8x>NU& -=t6JB98X5]5C͛lr[y5BeMOocUfr6鶕 1eXp6Yޛ@&|:䰵K!6{z܄RHM-V)}{!w7+rC -+Ť$wgϕ,Mѳq}ε%g#ȳd3I)vʭpnWx:%]cu b#xaIR3ZRduhtû=x~PMK+qq˯2hC IP^Rs.e"cAY琞&`يIy&VmцkY᱖[]o_SlWIeS A亥T9<>Nև+[u}7!XqarTU7fVl^_׬^unn[n[s)5+U7SkczlC^,m7{N*p+7r+WxOQ{]rB6zl#'1h -d3 hS);,Spu6OF So&1aA lsJ$ۋ*nWJ$08^_;Ht_cpV;`R%i刍Z07@}*RWԘoGd$´SD~#Gcw-/lttZԻ* \>#uņU-MV̀ZqYyC<sdE+OK :I⛗!Ս>yY[w{$=(P`tqM&ۖ-JՒ^Ռ?ףŖ?عqj>ho'+=|aB^\}Ajo@" ~ %Ijj~jXJX+߉a:C.^O0d<J@ :T~#ey#Ta5Y,1Rתoh[@ L``WQeet -`eo` VbF\U(4@q#A#I{}W}Yo%$PPU*۰ aDRb^NNaDnmX rFs=2F:?yXޟ /RT{%X-q{X]cKR*4*QQ'\{SC _TFxjEم -^Pj5%Dž&dŌ6 ^ܿ5Ӆۣb/{?;M4xjrF%y۝Fm5؊Ɉ0لgY -$N1DUwr^"ǩj⨾Tcj_*s8 - -S_vfV3<Gsr1|E'3jƧ 7iuJ.P;kl`< >)MњL@1ẁ-$w^!bb #'l3 -/8`˱{Y.*6*v;C\ >\v'l31 nR!]\BC\vRbN\@V2ʨ_!m/&}i+/FqѣZt&JFC>fYea]8Z_rIP7Ӽw⃒‹FgeӜzb^64\EKyq0Ypq7 (O\i|1㔌ehHn1r: P`u#3n]յNsg['9S4M - tXkNj\N(m.{4 -f1PjSܟza*SfLhgv`[Ue":BS'jqOJBcKfWeQPh ,)Ykyᘥ]Ӿ}n9qqHH+>vXpx:(>2f 7|vͲ7VtafEzfe<ۤC)e pC -MбUO;#MU |((c?̃i%S); ʹ3cr8򎐟F3/6W-<ʧ%'BQһj$gV-f7Ee5)hȋb:o_ֻǮ^W69#eR8dz6ʷh -M2,:N4:~`u^V9S'CUB3gw=sLSK&ȏɿZJ؇;P - /Ag+XSk愢 Rۖ=6(8piE/hϘ͆{q_PU8 ^Ye>h+M >gp)10xp>S}m! Cw>vŋ<!/eX#j^\8idcdlrUITMXO^U֪ա T9,|:'$3$2*A x&va?e"oB7ŀCv3y!xXbO>yښxyx@hML wy -CM|$ug6pg-4=L hP;!J;(KU.JW/G tD'?pE8x92811%SnXIΌ ʁ#~G< -NZ86EY*2P̵C5b@dxeh쑘5A( Wyji:槗-? -endstream -endobj -845 0 obj -<< /Filter /FlateDecode /Length1 22008 /Length 11130 >> -stream -x| p\ՙ湷jv[֣[Zzڒߎ_X`c[ca;E@&&&*M"pNe 5xfBs~9(dCՌ฿>ssn4*RgG)|>{7EwQ|ΞzJ?fY=RԵ3yBn5s1w۞y|8|~orc5rR}҅Vܾf|.QIUG'J -4I=~Q64IիU]Y."(JGT -SʉL.XTyd(t(@'(WULjP[ZPU9G ꨪQkp'N~/Sqz6!rr 3g#scS D?9S:|K۲5rΓعLύML ;0NM -khf^vt1u,ܽ߉pl,hwVxp܂\ĽpaV8Q' -&0T~'AXyfƵEPs߉% K"e(}^XZ3`wgy`ˡ~eItZ?snQ=(IJǾo'߫>7mhA%yڗ<\3{##XkU>7/, u1}*bm|O*T}P8YE*:ψjMk*>'GHDY*Z?dNʟ@e%j -M9%/ڀO<s .?/}ńPWʬiSN `_[\VlC⚜5/w;BV|RUU_GjP[W@]oo9ߙ`,х=ApU(ye]QFsoP[q;?C :G -/+*520(butQb?,.إ?{[syܪ^rjR^rR硖kXD@PԸЫCw "Ջ%jbhDCzH^^]XTTGgE/]bC߭IN}c;6us/qqdhzo8r -9(DISeN2^"(sqEڌy%,KK4P ;[םp)Fz8I=$ܣbaXNJF[rKO|c=*۰CE3w}>vcgd5-D`;nKN܍b1֛Zzՠ35bM%s.7{SQMK҄+=B j^_TN -N($e^1mp#PoՎ4.eQP,\p=x/>3Рк@U[Z?Z>ğCp܀9<v'Ɖ X3& nQ?L9t(s]0BnDGلB3 (P&kuNCsGtW,/EmRkcÖF+-.桩k[ ;;{GxU},>xdSSֆ扁DQ + xTu<|^AɌTFE5bZfwQ_Q`.y{ء{iYm*k\5Az9%WzP?J@Z -8# -Myi66-Qh46Qiin0+oiY36CqH(]UpNOJӧ+`K>x _k5-@%~g e 4|trXs vQmuY;m}1'YK>9pz/;j9)SC"(!֣n#p(ìG7>4z(㢄SwPbH ~0Uca$E"ƂPPP6ӑF kQG#N55F9g"DN @+JNJiF@WKy -h+yp1yXv積( ګ̢Wy5FwJÆנ0;e_aF_aF_a+QJ(G|` *F,t=",ݺn1bӽ6XuI{;/.b%g֮;6{w W6Gj{+qe/,/[1{<ęAMh\s5_4KC@5|Ej7Rx6Jj'KTHa/L}P@EkbD~)J^C7ooRizVno &Tiw Sp45ֺrrxP[´`f[`|q)[h(Z>Yip0S%Zw/ӎVjN -@8e+ $Q$jD(_%J-8""cfBrܙ ,MSYfNj&;(e+i#5o A+m9ɨ =U+K/ϟ=X5V &t@c smu =c!<&*We< ?9}ė_9!sB]Ÿ0g܁E~{$& r5r -EOmŬc v.@BA&}F6/r̀LY'Eꆳz}B,0,~V#i4( m9U#]Xd+U\ۉIO\sDɥŅ ĺ?2w{.9ysO:R!ȉ *(⮚\(IO |F>Ө2UU"a[frE>{BiׂN*A ܦ@ jby3mV[nݵn|'9vwnrރX#y[,Vpz17QѬ訴Bb )5x]:x ,]s\$%PE,[*q}ݠTB:0 0GXGE@pѭ`MD׈3/FhWz=C/w]U]h~1C0W&BBB6161ҫb&L:-^fϢ*E_!ͲArQ@JF~M(^7L2 :qOޫp<\t;]Gw޾cz}FFvwWUuؒ: kf !ϰm۬pzK!͖yx_B9[p::@9 {E' 2Hn~NQX穧Pue7 i&& [[>ts v 2ŗC%0栀JZ -9# N#݁;U!T$PzQ6i@&m¢jBUyvb,GO7p@:_KJqo)RxR32]]ui z<+&:V1bJF@sQ -^_+ k]͌S -0`)92. 082 ᤄtao/Cwm~Z% 3Y*/zQSa }ބYEj.9(VRduA:V@U>l,6l6\UCzn9Sb $=6tOo{ta[xEyCK-n_ZukQi s׎*dqQu!;FSUV/DLZǮ1!G]#a56CGNH跜٧#+F ]յ\#AF䀛gL?"PÅe5 52Պes$I=dR`k]>@Igd' -8Rfn8w,Il -DH:bb<[aPm%[VblV6[iVБq'dқ2r"YNh]Ws?#ŗC*ʤ𫫷~|}+ 2jx7<WV][7Wtm/0|"H^?:jKP/fiܨ(o:āqVpс92ǘ}k4!4&50fVBuI<$}=M%mV{ӆ )TQ:;<jMx(1m8Vں媎#[[{CmDNx;w ~4MɼdGoMX8*Js -5C{{FpZ`-q͞<-#wd/0@WRY3^h ~ *P(4U>h)1$/zM"RCǤ ㊉_toyܺusۛmYHXꛜlh?`ET1;~7Yh`!L|]ͨK D\iZ '^ZXرL<tP#+Ɍnɤ:h6*rE\e"z`\}@ s=`GK0IE_2zş$^hIV\cﰽ9v C 9ޢPMk]cYYl~SKs *ܱZt=&4-tс.2=Э3a],gPt3r ^/%]-~:tF ծS믎c2Bs18#`L82xHV>+ (Dbow'8sΜ]sʡe͕]mb{~i}>tCk2efpuEMG{ֻ2MtӏCDX%w]+ڴ<J 4V*5LCS 1}L2J N^r iWb 3\MBGYi CqVh 8< uށDu97;rN^(2lB œƉy -Qlg/`e22X=g1s=8I#[8yD9 tg|Ϧ}v ^[-Cwkt.ed{UQgZW][Ru!>L~2>Ɵ>6-jsPr:СԪ1vOYW*ȊIc !CP GC8N1S С*%*KM\{ͭpretM_Ua"z^ۛi_1#pˡ4#L =wB(|wZ -D N='p/=Hf'4Zqa]!TI{2gsLĮ-9hchr̮1r@ud]!{R'ZZ'#%et#u~؎TGjWmlnjٸ>=tDp\0ħlvVdDkeEq!}IT+/j."L'8 zUL6C*NYݽBpƣ`+gRg)YJ rRȳ,<~zJ.Lc]BAx 7B;CvpwzvG-f˹;/gkr>f)\[>|3|MF_L]0gn,2UaisNP t2n:_B*ZW 赚8 xu -M.~?s25Jk)W픷ʍMGYﺏ{HXr3Q_Կ>MTjaֆJ1W2I^p`Q/d$F: -rZSTs!:g& -PbbJׄP6HKD\@&SSU1 0MӸ+Am~9>_,//__ fc68Y_P_P_P;:+*ՒpV|&c~?~4!Z{tS> -uH$.0~ay\\B T;;]7ҟ]aIOAz\TQh\Ͳw:Œ٭]ٹrKކӮ~޶XkZD~2˴b8WsbNQej7ޏ$TmBz"5Is9h2c%2:gW,ܷgʬάO:6=N)\m=:}Vϖ:Gw'.8RwF92Q~]?4+6l嗭΋BA}( PI KZ:n{kK󊪊jӉм=l SѺ.;= i#v*D*Ck4b_6 g29W`Zj.5#]je+Ѡl-kk`C AOr8)ٽ)2>GtHiw&SrNg0..h5+nՄ4CIA5MU5>nS%$,y؃Qtz`VÁ,cinq%|/E`qG需N9YS_NIrSumeM -}>itӸym{KDQ}(R?^ۼ~Wcaz[n| =ğN5jSߝhk\j]ߦߴ2_3#\OW=yU.]g2Yw)s~+VE=n eE\ -[2毹S -Ub־BkᄑK^oy9hWꤞ!#)w6͙`;B'E".8)Y9닩`&ͨ 'N/Ȭ$2,]K>1kei6hdG=AMi>@jXG]d̬i{xw0,ovxۙ4jjK!K+ģV fI0ɚPr -T*}&њ7xF$ h7EҀRs*'>d=Ն4/WZi -@3WF H3CyFBgE_y \ԩc1(l}E NWg$`ղ(L}j[B^(]T3.'ڡ8!/OpDFl Uo .@9ed6{fP?/ߚ/Dڦ_5cVDBj*`Jd=R}{ ]KMINa|׋_"50pƌa,D׸\&2V&ȕ!54yS|ی}ƃx}V֝,޴,!BKw>ʼŹmWEO%7(yԂrk =d؋R~gBkrR#5-1sۄ<ҏ I^ $xBV9u^m= ErdB&k5O/L"{HxfL xY@RDT|q_9g2k^om}nʍ~H"o Ȉ&dwieկ-?tE_p> >GK>b>< OWp*=oB@?'k~"4N@}Sjq;9#fv2K@ -~(5? 4# ĹST4PX3r(b^t\@;l! Hӧu٪*#s4{53"r hx gxn=玗qٵǫK&9~DQ~d^ȼ%G63BFh_gƵ$#iV\qdGwnY]5dr-`Fx{|aN H1Q˳1C<^N6&KKʱ ߣAęށmKE@kx\yQdԇ9 8eE$e + =R.h9 - -O.̩]V:l6Z8]e#PWJՙ ͞dp=mbUyU!Ds)$V\pܳcς'y(((Pjb"A҇j+G.'/ݽSG HZQɭ"h$LRi;.@@Fַ]5n)+13~T}=[To=l.rhjRf?sӱ#7sLn揸?۱D -endstream -endobj -846 0 obj -<< /Filter /FlateDecode /Length1 9380 /Length 5521 >> -stream -xZ{l[y?R$EJHK(D-ɒ+mڢmY-2j/45%M6Ӯ.mzS;4U543 -,A3萮 <֤%Y͊|{9!2:xbmLhy5Zێ]_f3k흌ypEm(:kރ6t;k/k\Gm~v ?qHy>Ym'O];.C*}s k iy]־7IEr7B :MknRWA~G|=<ڧi>ef!0[" =b`ZVJϨc|hfn 7u19*[>7I$TFשiMP< d|H*5|~ $A&l$Jߡ5 *>>6ߠaְuMniVYIÎaҰkM4.ҰgMC%ZhȲÿʽT`nCK] pwlZ1  >"XXp06ڐ/O٘̆sQ?xa:])}~D>B-o^l`jgЭ=kBk_Ok`L ̈36fgĕyB_?&G[<_¯Tw^i:~JvQBkt?_ѿ͡moL|eid yX0BL5R /!?SnTjjPh 09^PC.z+0 LzDxd3…բ,, &ZL\%e##&"k:Ʈt$T5cH~4,|4ZmƊYgcp!t^V`W@s6AM, -*&A19cK+ymЗ r[VL$`$ 92>j1ZJTU')A(`6읣ќTFʏ]^o6Y+ys`.t~#Eg_ٟ Bߞ4?ܱ.Gz˟(Ǔsw Y;fP#r9RVz݃?=~b)]ؠJ=S̃khLLe( ՈjD.5QF(FQ#ʨeԈ2jD5Z2ԦzLaJMZ|am4VF⦌)c!lWff'\ihh9-.D?-N\h -Ĭ"B=uxyXANopC`w쮃uv:]`w]:T݃̊З/3eЗ2C_f }A @@W@-Гzj@WPb!Fk׬ -T%J&UQ?}sWfx_ӷoڎة}\|r8'dvP;r&dߖܧM{t`轓hc(!_*/ &bUūг ^Yϒ ZZ Z Z Z Z Z ZPEdfg 0i2 |PD!v\ 駖D4_1WsZ[[[AdڇKǟyuS O[Ŕ˕KER=9KhûOz4'zTwEv?vY0%!ВT,Љ tb,U@@g@@@.(wOieki< yJC+#IxRSX?w Ʉ4mX ;n*SЗ>8;{}[K˙9:mdX6[bÝ >{fO-&W4 '&ݾ`@XQKnBUB}[X!47{^;dEڄp,6R ilD]#6}{ϣ~IVo[]Bo&:[)6B-hb hn֨1w* r= r1,'< r³0s³,'<){,^!ԓCaRJf|ЦKp.(n&ׂ>aSY0D)sRJnKP)Lx_2S5&R7U#` 99r"N>߁ -ԼS<)x⁧x)3A> y -➲1Mbᴦ&Us4ൂl%^k$N@HI!I $ $%>q3B@m;)FpRe`7F&QK&8">JIIx{L(kMZ[:қޝ`ƬIBGTӯ -A)(F ɖxB f݌G/P)b+q -F(HQJʦhƞ  -U#6[nA)~0GMF +S~ ^C>P)RgE/m.)GίuuV=Tڰ-0`>UgufIfݒBי%4Px(#f5J3˽OU tj9q;R+m\Ҍ׈_}qM8_#65ZV[ٰ7lӕ'%[c9(e.t׉^APGZ;c>S{YG&cpQ 9\z݈ZbRpV6R֭Yu8U$}HS2 ,?!{RmQmՆÖzTzTzTzTzTzTzTzTzTzTz9:e SkC$n{e|lz3Q -J g?0?s!5ruORi+=*F''cɃ0 _%_&cjWV_jl7`S.ԅяQ"+GrZf$u5Ց%My@-vӿޚs?g^-zikrH+'i r@`Li 0 4@`Li JCk5s(j@ipKz5l`PȹK)V7e5iGLǥ%oj%5 eU%ˋSsSݎpJK/wmFR[ fqjt35n5nvFo6/r%(T@3h)sر=,=~2S;( -bo?1K<+o`sso*0,YAOU%)O)8_ErPΥH͘n. -sq$ZT:ӣ!d?dS3V[ה|U|BT% G?Y(~A@!1XE%yC 1,wk6XMP6ޥšm8Z -}2y{Fç<|yoiYo6v'9ϱ^۰[úsv:Z&vPp3dmλ;f켛nλn6o`mЕV?~q\17zŸgh]N-= 6Z} T+/n -ZQQ Hc1{X>:Pn evVF} G1h D b8tC?};U& -endstream -endobj -847 0 obj -<< /Filter /FlateDecode /Length1 3988 /Length 2293 >> -stream -xWmh[~W+Y_dIWH%YW8ر[8Ҋ{sd4$f `5 M1! X؏ycJa0 -6s]څ׼={=/^zL:4{ǼW^Z>?󧗪O޷T,g>}6g*օz.3NU-o^XO"|vvi-isZֺ$q:T{͠ qͦ]qo:!?a͆5)?y#hiy5U?77oZM7OmqJF;(H^jD-{aqP9t$<۟IR|FhWAyyP8 Yt.vjF.uZɏ`v$!^|@>J&|cG$ڊ䜴DMFV2q+}턡ezOaj&/ -LRmZ)678Q!BD'`h=TTJ2>" secDk10RJe..}*||?F`J YV3%b)1! ѩbrW*|Pʊo+,J¨jJCd†bhH A )!Q*wMbb8LB" -@Z(#: ҆ R@*=Lw@jG6i!UmeˏAرaW#IKC5!$7?Lw C^p6C2m-/r#q'Cly )ʱd'zĝ#ӑE3ɋ`4h=NUT[7qg׆3;8 /\B+g6g_ -u{*lf#I(Uإ-T:dW6Wή`vDN{.I1r!(B\DV!:&=},Ι>45mjh72)A! CnAnCއ4<: io=$m̚F:3]n-V+ j'WVZ;qq0p0'6|,gvHf?kM{3rW{wZsTd6s'괎},Vq=JZx+Rilo[7ka腌CJE%5[ې! 3ֵּ -"V+q`.{q[qӈiM#nqӈF47iM#nZý޺ׁt nnt NM@ /WWf%s\ m-,hJ_p*+,Rӱ}c_aݹCeoL;i87;ڝ?Ogc]P)۟:#6i &V+G: 5\xhֶauZI11b$׬̥t;\l&b= Wff^Xlx ' x6_z{ 0cPs.8&QŜ -T09̩`Ns*S -T09̩su:tBp:Z>{QF^OGs?g uF -pO{\Ntȹs~:騇HNILFmHK, -Ž>9Ntn 8w6c=HS).o܁s*L{-Iв5bMR> ]DA2h@YB9Pt+SQX#f.[<;?;(~7e0b}R4QLl|/?765g/ WHWɃCSA -5e";V#w dI]x%.w K]x]ɻѣՕ`%Q. Epd=t^aq-E[u xgv}{Zg(YNI% vw׹`HoKK_q 53-`0~ph[I{~3ż);yx"vkX"bً;[b&֣J&\GVq)ڪg5³X׏v\Zw}k7ƉRn8yS+HG{6ߤ.]»}NKn'h6,lH<)ϼ4xj ѿH -endstream -endobj -848 0 obj -<< /Filter /FlateDecode /Length1 1144 /Length2 42889 /Length3 0 /Length 43673 >> -stream -xtctfQ-vضTlyc۬bfŬmۨعNc55$J "f&@WFf^1PA 0Pv3__B(nWr|3v2Xyy9Xlm P2w5wĹnvf*.nΦ.1G/gkK+W& 1qskK 2;MJf֮(@mhalct`2MTh&`.p虸ߢo@-f,͑Ihf.#Bp,]̬<̬s'?By9dl 4qtpX۹Y[}\|̬M]&oas:[{tYx{wf@;+ۛԥT%Eu뒁W)=pG%c- u ).+uG_TC)H' `DT3툨4͢KK._f6oIixA&hېx'Ie(0w[Zg_ Mn?;[ }LF>SˆΆ<_>Pqkt꒤ -X 2 soY2c!we>ܼ.^WzS7 n0De 0͇_ڢ(yTtBn 6ҏ“L9ߝ[(fߪKi<\9FJH,,~&X"3́-2N r_aAfiִ",Z(&׽M|;G)Le2&7CEL᪦m|Kw3}o~G`͵$1&d,{Z(jJT%|j>lJJ^D!RN^x-vUm\I1Gľקx 1p썩Piu~^ޡ+ 85Ssd2VCI-ޛ*eM ^9?X +V/[H)@'~O=F*f^1qNBU lT"E bpX]I -<"s ԛW=`C8][~taNJNx٨}HZW4bLߤϼfZP,7er1a m2p.N2d2e LSH)#.$%u]U209P]>ydDNR~Hey7hg~m .[oa)=KO]Z'W {%T@D\04Bg+a39Rg@[T 4zY>fPh\.(y -( -1G"VbqP wXkl}딫F[uEG*fv#1p_UräMS;ځs m1&iǯNxr+eϱyV<ՙ9OD( ;Il*T^~b*NT;1Z?L^Xʾ!m,p^䋕JPIf`ҟ B6}vO Nu) Aj֦\߆8ѯ+]RTC{ߥKF ړySH#sKs^2݆y`*Dvt,!N~'&ϐ2(k S>8MCV?(b%E$#2FۡM™ͷkej<@(:9v v f0mۆu=fW6/Za:Bpm|mM:6% -?ь7d)Efd$fP]kY5پ -0 A/$YhpVCSGHgB8QrK( F -A4@O!?|om*[2\(QyIVBf& lYTwĝL7>4zL6?NlJjl[TCRRJI+Y;l`y1h' f3{CFld4tM:2I9t6'vQRDKgxKl2 3z"LaIkmA8胺$*X:4K$(Ǹж}O<{BD8##}CQeJ.O sM"|߈B4 a;Lr"F byG<2[iK1ŧƫVK| 20(~tUIrYvmUngmz7vt<%Oem {Y*c p -!M*8W×jPp/OM+֊do24] tN=L_J7סr) TEhTy8.~Vx 1-M:9`dbv#mh{u' 4Hշ)+\)NXGU1ed8p[-I(l+N|`n3Մ.`y@*6/c"&<[S7WXN}Z -pӺV1a66+r"b?#`y}/w2; -oe=n -y ,<7uǕwdII&~4,};@SVǡFl[L -<ΌQQsP 5H^F9_4IYB -N^Wgxg8 ]!6㰻|s5 W0O̓`S{Ξ@*%(|}_c8}:H&,z(,B󡆥kRϴ -թ,u!E |9}mi-UqrH^I2頞1&iC|dg(Yh&}<:nn{{8(i9\jƷR3hޣazSjy -Ӳ [^x3ډ -C._G Dhlț l4j.eΩ Nsxy! ꖤoApB*t7Tshb$!8>D^+(=.#xA"M䛧+xcˠ -^֫Nq -SPy7`^6ou -*mDE:%A͏ݓ&Tt5=c0zgx>raD0EB H8jVbü<=pSJu{SVizHß T0JCj1NpP 2wLXW&9MX ^[$F'JSrc]_(UA{^F^݋~DbwnJD_Z3WH~FpGg\ o576~|9Zd|M w F~V\pm8SxK>t%ANp+ZX~#C1h'p & (}r0 ^SV.VCuA܄~؊CԻ3Ha;K[8˪vpx2QsaHA~g6o 攇|y ] -N;::)IVS" (1tJJ{R)x0d*F)az#7Rjjf~}oP~Ҙ $;x1jS` qon -k4xwFVRkLVQPG -4n$1o:>jh+؟8sqJX̧VC&4/'$>ibdQ!?/H8ܖJYQX1ݼFOsh4)Џ[{^`l<8ojD;/`MS;i aHxKTq!/uQb@;N, lzָKݒ=g8ӎB Er$9O)J**Na[ ;*Fkd3mPQOg&Sx:Q`ߟgU?"ihd[j2@%Hjb7ˢ_΂*g$h z -W/M;N$[S3RnwM+'e֋vL$,Fp"[s1ElEێKt!_~6N+P Mx{VaLUǦv+^|o+X1{RX /0~9]3%}B -R̝`?.T0ߵ'Y)<3/Wu9rZ(3N3侷 U,nMcr{qB~Qe7[W^T^dku"-*Y݌ =RLK)l <|ClO>ռYr; BC̰:>sCiSgO,_^)6Z}%t4x\w\$_P5W݄+BU% `f(/RH`BRgtps-f<;¿DFԖ )ePkzFdKH(XG!,VzV|!lxk8pl%g8kP%3{o{6!I a3ZsVrZH_xuF5E| HϞ] $XbHe4+a`Ctã4W}0mirXr5Y{%:u4[ |dN]2α&_}(Svv zr^v߿xx~4>ZL55Zn DfXwY8PxûiKz6 PhZ]EȋL:˥adq>G_K$4L;$0(Ja E^GCn4UnX M?i]q.QZ@ K -ހZOy"!oBZ }2 S1ʷW`0~Se.i+QѰ1Oxjx=[;M?\4N\uqvqQDph?rRzcSE`dkoxkHҌ5Z!Z֝|g #)?“$ih)+n( ȵ`DzNѣ.H֕o_(n):2|+lp[`qgJB|*_ |d(R=~T8b'79KT1\aY8fMIK~Htsz&F>&ukf6]HZ4d !0'9_48 W_҆d=}`[&xͦ=u&K p&Et%F#0z u}q׍6 |X= n @#sN@gV|k']UJMPZ7*(xlssp}r#)-7!&]L+Kn -#bPjBQ!iV8\a]ͫ XM%5q$.َ'<<v>fycco8ޔ):ʱjrg7g|Fq#xxB?B%\m^J~^]A!k#VbW>"'lnȪLFU),Wԭk&#Z^8C6h\dݨZ`zAbrAl1d'e}CdbTE*d?N^kn⧭I$0$Y6]ɱ_u"wznT؝em`7aVrrQ=K $Hw 2]=elO>R!L=zj|*,M8Lf1Bb-/MDI:p'SoG :R9<לF1Ibr ]ٍ,ʝ&HΖU"3+*2C\@AŒUaԵ.c[t+/] RX7mݷWF9XQ ;%T9l+i< Zu^livQEˊ;d(oͻ2tA='&A!*+}.X4j!nUW_M>Nd]յ"x$ӦQ}cStݰcJ)9f fY5\J+fKЛ!B)7$d,no6,pO':Ђpo\p.()ɩ ){H݉F;z6 W6c۱))8~BKbJNd8o(P -l㡱U:+!uAzHNu>$hɖ;!aO% -{@Vo?HZ{Ҩ?k?kUQtᬙIiu3[<Wϙ|2Xa9CmZ[of b.pA% 㲈7B9lt{[%.v =+lEE מYr`-ObN9_Uf dyhnX}4bAC!Q7YޭlkXI,4U\;|Njd ر $ƌ\/8'"LB%D9jA"B߱ p*{f ~8PS0(S?bT@`1PnSOC&eyt^i+2;/!7ƂeV s\JnT8;=P{GPcCմ +C#A4VeӗG!xtd2К0 %K/Nbv|^)]9@/imm+R[/Wǀp @MɵUնb\K-m@qMg48 QäQ+̹ . -S=<3Ӌ-y= d8_K*1~3Gѹ8tj9RdC2%iaBPH42<VGC C%lߋ6b~A>g(,(6% ɻ -JOwADFq_$O FTaHB1ѹ.uv:DG͎"8ۊ4F#xaw9r*p]&bΈau w:dFqb?U ?4X*1%7td ,9neMb2+//sTXbHUͯ iq꣒,1g;gI ^se2mAY3gۆy^lܚ'nǟZɅ'ѼrQ,ƶ -EyJ(ETb Ueub'v2y\Ж]ݼTQ[gm6&.YM.rFE\!w/-tնYp7EӼ^W>,5crg~Y&Zs+@gk E†KD0 -O<|y.ыz?#k^toU=O%Hu^;!5vX_J2r0I-%2 z:Bh^zY-6@~3:]~G֜o82=PKK6Q@*A{_/C2`ql>8N %@@,$+l`$tlqW[ze5``۪_%J8/IFA7΁8(\I~Ojں* [[v JL ]-9-FR/ k -8RS@8Xm27:+Od΅-w5fW k' y2KJY,GG<«<5HLj4|{IEzHPfHeOoFᯎdQS&rw -̓t-1W?;֜h[y{یA8gdD_ [P>YZ/JG *s+iJ%$sv CTN+섕ONbcpGUwĤå+G"ReϦ#][mbI(>v-̈,&OʥK,A|iW^KQ+.jHV =j!ƚ e:Cy撫'ؽuj!w۠>uo #Pfe{B^o~,pOvLqH/ecrrN*zJXv^Iqۙl 0q۩J|m? qP(i Is#EoRZ7HPP }h hE7JyO"ra(jscQX,uRxa4%]2t-N&TQ8!4(Ρ]TqoLTb_g;{po9TbS@<C&5;)FhoSΥ*q0``-j:#X |XQo[狝5H7W͋Zi$8{H/c᎚BIr#_2r4s:_K|IqN.յ=|#Iv8Jt XXLdpIp(K&Qi x)6DֽklU& L9JF'W(t75HT|(Mwɲ Yu> -s"o18>I^_n%zf?Դ%SNoZHcL#Q*dщr7-0rZ*9Zދ[&M~BI6=wN ӁovvC=eA_ʞ:Mm==?p+P7JC.;V |ۤ38h`Y*tHHIR&DH݌3S8CEcd\v.=V+䆋K7L~j\\nۀZvԋ,dUr7kP=毣|.MTY;$!$6g{.]ݒ % P6ɒ2=:Qs>,@}uۢ{|H QF;l6=u9r<.O|՜ Ҩگt!MsXxvD}6EmT>st>e_i;Z t#oEee`}%҅VC̹Q5B;Rx ZcE;[LN.o^h!:!QziW$/ -|"u<VuN$<0~Ruk"TZ|1Uּ5`O)`Mj-%~G0kecb;Ʋ3I{%</qXp/wy1]K Bb%J*()c-i(βPBWժ#ٗ'l  4rgrD9o 0<~hCD̍zM߯\4;įَPD"s+!b\}$|˻٫Lqknb^ lR>R6Q%yp/pT5(F]rHxC^e S$ `[exW*s*Hy3W\ @C -c!Wkb.lv`YX]zrka _43UuKCخo|TCbtf 2A-r* `?bHEySI'i@3 ;6* -}=ǾY]Iy\*KJV^yOlR-F?sNDrcBɳ3%Zق9tajYu4pPQMFvyY1q830^i -.) -\CdN&IK eg~QuCO&8Z13AhqN6šNܧFƉ+_RSpn 1R_Bc@0;f_͓o2˭x 6Vud~ w[ N֞`kCՂDžО?3 B0_lXV~kp<ϙaE%g*R54vyǞ{ 5olBe讈vNh={τ;K,hq'm=&|9fIL|PA;GOvm;eq{ls_rSVxL=l%L]⬂lvn Hg3gN(3V@n wJY^} ޞlG{`_țxb^  Ln\~nF{ÆUmw%IN[@Qk=g?9heEv2uF(r.(jB7oû7ݚ1&8KL}lg\+4R(H0%}~879腊bCɊ3s_39uu1^5'm_O`n|ui~5?-6817,(2*]@17϶-Uiq>^Ct[WSZK+S_XRSuSS6lq_@ 1wJlvgMo&Nq1D;zrAɢTZCTIGRa -1Iמd0]1}r>Tg5Rp3t䌛w !VM?i D?/{Su $[kl$O#D+Q--hv L# ![ }i] -%N̆ET?]0h*%tFCXwCgRtw%L4OH)CXec?vٹf sǓ(>d?^qG:ODg*7Csn{o'f"uߠ ~67]^! 8Zs&b'VyܣdχRéODXkM> yEi֞y ͹C+iCv [8Wѽzoc3g5!jc[<;c0H6xAQ0t 4Rw]ſ9ylЩ eȋ~)څ8_2LznVHi'?Bkn5@ŗp(x ]pa=?@Vk7Ia2v,.Y<9Ւ8a& -8 -vsO;Z!$L!Tɕse-L9:HG BXb5@8+}eW]Y +%xW_}đV8 &EPYa'67G@Y󔰏ĪJ)VKs7yzց`HBƙ}z1zEo2bCZ4%$ч}׾1Δxq]ŚSZ~?q a.O| --'}q>+r V+$3%їr̳nakIԜYec!`m&ބҾGUBd"@ݴjZo,mrԥ 戋ʨUf@?\L#I0H2GIqkϵ8ϯA=ܢk|-1Rܸ(Yu<߉k[})oUC7k6F+[n{̤e){w"^ʠe-y:OS]$=mE,Scgw?҅KHVC+1X xG5`@lOJ)қjdI$jJ"#OCY{"8ŝ|܋(Ύ߾5QrezBQQ:TH[)j]C8ĩm}@i4J.3 "VVa] ~ΖZQ{YcI -x - ]h2q<˥@%Ꮠ;JǁirbYY -kH /E "yT9|CPȯl݉%S3K"L{UY䊱ĵQ ++eR4CD$xhTsVJ34 -Sfyfc/?S~w˫Pӟ63B/db=#V %A9Gl Ձ J,xn[蛅rhl0g&XDb,u%Ob&$v[i\3Y3)N~b\$gV47YVFt5-Y]o P"DqU!ڝC;RwewRU *cKy9[5[Z@-vVrΟ^5$2Ni R?@ՙfO]aDs~V Dlito!>|H\g.ֹ+qZtWBQl,nu D哰Stq$L-WS0HЖMw4-!~O~54Xz):l.vGP?<#N"Re3p9͒sm{YȩEu2G>(ټ` bTX -d~N2?eE_?:F#QSM%dᢗuڧCӟy8D6`,6 tDs}Ҽ% - -|{N'eyr*X;p~~A7Saqֲ![BYFKĨ``Ì_M旱jc FH K".$M;nHǧ#Iyyw-b2!Cٍٖst!,2w%%:4}Ό6x',Gs7Hr!='>UqHk׿mIE2ְ-\VQ PfAD^)"1l8ira6y(b]#+9 )l\y2(g"{ vITiTHws*|e=Pn 7`HYʔw;0L ztH5?tn JuhN HْBQNUnf#&U%Ga-8?e ϟX -bz"W6Pi~gxڣTe16;͈K=*:STfFt/_[@qۊ BIVfl00V! HH H[za%;9[+`.eZxPn)HCVM^kQe7O*.лÜ hNf=+:3yƙ;ߑhW+&aYcaqz'IP6֋ WK?`v,l:*BjtIL\vV 6MOD_ _|gQ0"0tܦэ77Tfvfg@`ZkbX8ðJKV'A]Mےwؘqz䡙ȎMl,(>f>  pnu -9 ;\_9BwR`tjyH/~$D`ofO4ܴN lA;1x) -H9ET Ae³+gZͥ(`s5DMpo6ShBU - o~41~WF0,f$%_o;xb -R]*f'{͍t?'-s638l VpT隇0TZCs7JCq~YjJqU"X2wZ"D5OsOH%Ypլ?T,{hwKqΨ=wn O9Z#8 ֆ9{)3 ܦ)4W#1O[x"V;Yhk\PK%޿KPknz;k?|4~=21!.`}ǧտ_ez5$S5~lo^%I$LA*qAZ s^Jf)}wҎ{-*i0XKj+g\0f1U+J46͍~gJ:w=YTQ::uJT FM} 8wbN.3bxi6#Rp (- 3i\ץ+cM.f dٕ$K)bZ`x9&tľ ӂ0u9q= ##_kb{cAhBvļ ;s1I%4kZxYձUt)v>,=Ii(FE.bm{b !`aJX# - ;z_Ne39eD8>3LIc^-DC4\А^d c `ʨ&&n\h{֡a- A1cg$7E'auUꩵ}D07nZ,R۩Q"#5P =ي9^KYi |ڀI Q_NSi0Dc(mm(+RY#lZK;Y IZi~ߨ D?@M4<`3 1OTN]-G[ov&_jTAPrm"6Bܳj@KW5va I_ZmKV'N>d]z?W%r9PK- h>ފF~J!lf?aA!&1 wHRnR10|Zq2z)P8F*2,H+Kygqq@yX ]mE1. +S;qح.[ -Xxq6Y 9) 6'CtivӫaOb㱍zwtMM>rܽ@OP`lq'Ӥs:j\E3 Kd_Orړ6=Q'>&,Ϙ8(r f~Y|:4CqjX=-;GV NG W%whg"籆#.!Cw'֣i"7:C;f8IQw=Bi]*{UJcht~S\|NyN1PD`gsUtzpn/sўfP/gPqׄw]^=%gΤeƌka;T?P'Ko5];gTˤVh正0|0@@wJTARynHfx 8zٵgPVwR:|t~{-3$]|oz硃@zT10Ͻ6VL1j- z*贮G0HZ{\+iADg#%neMc2QWv-9mtP\?g$_Gx -[_9Ub+D!1);C@. '">]$RM0]Zw>+QJnȆx]OXiJ)7{εhkzo8ÐHF]{90!v4,QW"iqT5?ydL3 Hn|`؇ex?bpIEEWcs5?|kE]?Z1"]ǠF)ȧIJ\LS⽤꾄T.dMdvvcyW C8ESeU>e BD,VzUJzzmcCPWI&;/N9#zg ֨LX$s'\>9$5 -PA,JTV#uH0ܺ+2}PM.DQws.ŸVvvg9|HkР.-4ga)^15 AYjư[}$/]^%T0Bz'~='R|lA]WĽa(E2WL$¥MMO}˵תqbtnh7J)ʬx ڳOdFS!H|5ZAsbBl jNpX^3ѸF|9]V|(x:CSZAkjKCD}1WAFX9ՉEشT&Y#[l"#} rIVq4=r,Vhܠɭp}aG '3Ƨ_h7ҽ/hOV z\zn_AhNp˥2gKV$b,E"I3 8@/H4j"s. -T1"QV#:O(12/Hudb4Gj` ;F*S- o俄xهR]1qxPDn6q,e\N\D ߎ`doxҐ嫋-V98zYSdOP_ij˿ ԧ{Z*^eIsno԰p$'BSA2ghWW4zIJȪf ̓T]HZ+y+bVSL'9Ѭs ˁCѹeq1}}l*OV ΢+ h>y5C>vML)Dh1 o`Vp^4[ۀvwS䝏44ڪަWujXW&(N|\E4TX-\98RЀ]4P?vyV&eyu,"(rRrۗE{ٽz}DA!v >~ˑNs%b4TD#\-jظ0+soRdkLhaKL<6?7%RPZC\ր[i&,_+|iqp""' o; ! -EI8J[A45DխI`ٱ&ޕ|lK"`aWN뇇]nwWNxL.rx\lE߉>51GAl'&䶔A9ڄpEZ޼zFvpxZNzvm]3bI/\&ߍ.zL=L2'N$P.u7(!(RΦ6Ĕ! &4 "Onː"Brؕr,q~,PUj}lЦ9I4R~XL; 嚴 Q@Pzț+)FMhڰ7хJYwP\>CX6KAxBZ_I@bmc^Y+򎵿L?c˜=Ak5" 4hc 56KP6 ׏S(WRAw\@y+wM^8LNo:*;#/ ?y-! w_Wzpc%zh5A0yo414KOK{'kzU_rR{IT>W`Jtlv\Nʓ着'Yaʀ 3}+(/7V1U={in5n۳ t[+|H;*k]A GêҺN$߼AUnQC+l\ 0ݨU=&{+,gDأYYVJ#o2zAd!/Yv𹯊I>8{l>{1Lҙ 'w5f&SR^B`ӿkPvP#`ªW!MItB3<A#ƀ@s_dSAY2WR¨}x @r63:@Fyd` LƈI% 6X;`PTE;LOw`Բ4OQ%9~1Q W7G -NOю3YGzËA^>|3GdzB'ij"XO dtīa>sюh*KQu>nM1ڒݱuV= s -HY`ENپt聳}4Pg;ny.R9U%y:(׾'(|ji%]a5r*z!'sBl8ؔQ}m-JD|yGAU%\'&o"\=nx?KQwN;:H9 qGXsŌA5LY ]+3(Z-ZXQ"R7y$p= ehe' -Tϫ?ԁ9&^='7Qv%4X% \oV=67WhC2z෬o9QgUd1Wo)Ǩ<)Dc/Q m&"pݼd-,6co,rp1gy {1^(pd~iօvdoǿ"ҏ)Ht8S`0Gq`iMzTFD[Gc)X-ov%jcJ].F#h~zڜq«^c'K抑@e*_dnNУ7㖍k`hF+<0˛.1 ؞GǺRs]nGJsYU $*4V"]"Wy@-aJI,i?IB&]Lj+9]q.A*msePU|||H42D\}Œ1WA蓔FXxin,<"t .:Jn:pp_]0s= L6aio 6J+]?D΁:{(K #*{?Zp9dWj1 Gjqnz -h|*fOX󌁛KFjml,+xo6a4f9 }5(a Gށ_/`q1 nwLa~:>_ -Cg8jȮ&]3b Г̸"D02jJ7[AK/H]~p*@J&?5T³DbF88RwrȺC?bׄu.ٌH('IqFa@, -o㡏j+M@KX<ԶmOܳ {wa ?U-L/e}?{Ŗ8cASeh{Fs]7CآJ޹eHp=tbV{]8lCfddAn"_LimirF7mVՑ\N4*}|X6 q8Ǥ.I[0UgNv1'I׏"Ɔ/Q %#@~N2 y?^٣hO=1x|\5yYRCN6 DeqZvMTKp52^֓.;^RTᠷnl:C 2\xr:G(3 -f UD3Kgee#eXѧ.󴭐2ǪR -̈́2T^᚛ց Y8tE-=&^wGl0kTL.IAAbAݠ;Z~*MBC>\wX֐|zehH}.3,˜ !1ï4p!p0Y;Ipe51 j_p ;z OQrHOINJrKȄ]ġvx NF+cI`PzM,V: Oɜ }e8_gƦMmRعk4oe0ӏT,;R}q)3Kʈ>s&ڱ!GΖrCBegbu"k/2iXn&HoNεuH6Ýb h#VŶ`YzqkW /X|F;oh:xf0Þ2hBi_65g,}⠫TK V8xF@Z.cj%,vJ+ڳ 71" !h. NSz~xD fi ;m;1O.4яqeۻB3?gէ졀%ȵs6,&HEt#%3Y KtP\[ 왺 0Y2kƢ)@d TUʠbP6XӲfšCY%ccER=qX0%n(DգzYdG] ٚƓ9zI HG505E^e-"xWʖ:%b-!p~umU22VHv{\pL)BU%RD7Qj# 8,}x*ŤtnO؁6nd]9|j T\h*ݦ -a* ;p>k}[+Кm9Ƽ06baLV0xO F)ux^ڬge u 6K2&] 91}҆gR5e%#&#'}JvUQ04o-(!.pmWzjt+W^fnfzaj>LJ(L..(B;QϠ%@E{R2l6AfٗR[/t25@S*pp >˪paݵIFg`xƗu0r =K `u@EPo fNwy^h,o-NOg+RC}OWA8Ўp6@$Έ?w"ۡcJN`Nѻ2axY*x߃#)4+N(ɢK ;Ɖed(buՉ:|sfSTEG{#c]7AD,6|M*]lKOvx~һ -."kl[\-d|(m; -Eemmp0LT=lu+#}uymݏM? 5Dߋ!$K{B'5Ie?Who_=x~SQj%2 5_t,p -m01tt8QlVS\S1 1 =hŔQs9'Ke(޺>c9?5Dj\-,M2Ȑ`Vmg2(0ȂBmpKXft,cxָf\z_@.&X:Ctg&TIBqϐ)suQ]d\PDG_$7tЀ,'0rZWRdM*ji%(IEaO2#r9Мxp~OY,S{{l\Cs kmDQE#\NM5Q7k,X^2wu@R5#hnyŒJiz}8Vb)'Ὶ9Pf<7߄Mx!j6?NY?g+X,,l$t/d՚{V4#naXE/\d-}FoxF>&р3/boX1=QHLAZԠB1 _K <`Nf_Rc -4w>ãByl4^g$ճc+*{^f -F '˹أx9ֱgK*ϐpn0o`cA @>>Jv M;RK"`ܢg[D {ӄ3iD8 倅h&IM}$ytz `2hqI{Rhĕ ~V]\Au,[SpTD/l~u% s%q[˳. "bDm<;D`!;!#:XN;Zn^Ra`g]PRkԜ=}Q[ϊo`I2MPipSiԿ†CsƂ]H0+{KSA ۔8_mI GoOi~=Ůo¨}fHs .I .뫮A+ C k{)1Q7@1\f]XIun .s5GOcJ -)d=H.c+T('5?җcIi7TGOX,9l賎b7IG̃Oc6Ҵi" -DX[VD!B;~ HKc ºJGѤ!7ui`*>7i<*goXK9'Bl 皋< emDX:Gh]%;UyfnCb=Y]d%Uu m:kW#?Jx ̀)u^ȥ}F`uSQXQ䯀F}d7!ōT&Z OBzT=H0A衊ޮUk{̗-D݃a~c"OЌZ&ުUUgcN$G.^D\YjRt3E3by:CzBE,=t }hx >4)Jb*piHKd̝چ2W-&.x]=/< qފUJ񨓅Ikbp{| aPCʦwWF^4+Kd}H5Gҕ/1D΅we`]34QP/6#R_'0#6w" b~8V91ƣFm]g멜)g )+|GP@eޞS_VcQ -Q^T5SRWQ`ǍqxN0.9eJb&@'TV1-;>vxz_m!MД06:"Y]%@%Rg_"U ${,,<&"\> z?W?L:R+OaǴ>Dq셢fC|Rz 2F ;ATL9"Y>hɴ,;l@>WR*-?x#kXPi pєMtRZ)åGtI>l憈ti6 -/Bёjuy1MH=8t֏:.q+ pwetF 3um$ao88@⑛:G{iAϞqC7!"_k6Ehaxu탟5spr ] qpE'P9en #܀l&c -AQuە (\/gg>bIjtCo>4]fބdrM-O]L>Z'6(PIucȠhf:ÏTu`iֻ܍n: 9\8/Kd\:XwhN)h,zh 9J{iɑ,{bѵҗKkxF/YUQ5QFxWkabNrvwqN˲G= -a(@ a(Ës@DXZZ;=\tr/` WpW>;أD]nc~<^0ό} O,?R= Ic톈M7һX*{GI!Q4vt2l - l۾81j:'{V}]4M9;5sx P.RlEZX%?vv~LOFZlR-=Webnul-.c=PFpq3[[TZ* CʤiWU,Zխ،㚺[f*'>n0 *Z -IzyW#8S^}<p5jrx'L8ʪ+nCQe"zx Ƽ]XzAs0mq_mUQ\ E7E?Rƥ/*Cz} Wk)7PQ>mMlp84ĸp^fJGN\ CۉeF(솚E=瑇SH޵2nu!so%wI7i vq(#{yc+8Ee -`kU=Ƽ Plؙ ՙ@_,/Ac&ɞDrw;vǓQhCar5QYs?Xh%N4sڧ&h[ODr7\M3O+W䅟 w0{_{mVtUDe:7+1"בwPʯ9<"+!C 3rÓ7{=wR72"?N2*t ops]><$ϬԽzYL['B2!7Yջj⢙;HN*]wL5&n9cZ;Sx) ĥ U%Em.uQOrRCf,Q`Ask:GٗNN& p} eNIH7S2r@M[0㜹ps*֑:uTXɍ25N*OCx{&͙)'OKT<$o0xHG0$^riֿP/M6{4qoa9S%M㰺 3@'~F!g Jǭn{4?Ck#Ȑ%1ٻBU+دKpn-ٞ.i?CEbһ˼ y@grba}[h"-fTNY`maXSPL g,=iʯZUBc?Nqe!8 ^C뫑BRͧ|b)s^/i콅b}x+Y*Ԯ1/[BٚXkeTO /37(54^?IJҘZ-76OaC-4nZ7KJ`W c}ߺʢ@ut;-4L»GK%2NmT2J fR ²QSp?wCTosZ-]EqQaF.|#3A:`.WH΍2m-Fz S{.3pp}|4-<dQŇ/:hpd:uWhڗ3|iY%RG0X~eHx-*XU,Cl`D%D =$G>yw}sx0UB1VCC7W mMO_r'&6Ps\jx5u' XBa"Y>ˌ>$_XyH/љpOWhWY|e -=Ёz?eWU h`Bt ۇ圽U 3:3|^y$GB鬀R= -[^.mAdpߛ|Pmlׯt).Po*2{PU5+ d%ҍ-ɚV|@Ast*AO;#2amǠ9Qs~ܱ)Aǘ`?܍}C<ƭu#FCO33nC{WC!ʕ'8ރ9HYQ\썋:R:VL.wPr-3X`T A5U)ŎY9T3a"yԭBT1&EwܠAkXt*d<)ЏwڑR4mcMj؀ÏJ]=9KF10&|\x6g&9z!X -+% ,7B mΩ4 @{!ccFl-:\EBKɕmN7%͇dgƣS˂D - *.5/ZO܅@Cgx]9Rmș7vCNK._kV026[-քNjPZ)YWt{Xq@b7\EKSfmf 2´9_:V&H-_ ->]p/q.6հG$ɔešZcBzUƶ΋I袆^ͫ@/Qx0h3@1n+8 O]"U? > -1_S\=Z:S 2yI@;)n1N*+T]M2 榼_;C}fml06-Ö: ,f1.xC.0B -WcvwkZ -Xj1o*p<`O$ś@zMslXYQ"_nut;q5\3#ݚ/]8LB˦tzCͭM|k04z 9_泾PϨga\aaĆ5jPgFv^v}cБbem3}d<)fT#a:8`6&Ds1=U.[=d[BMuidyvB6) -7oCе3EzS -Nmk3\Vqծitj[<="L/i-As\!a|Pqa8(ZջEP -@yKӵ#OHT-ĔaO/Pܫ>bWpi%2ѧa;&8K?d rMO+pݶk$K8O 3QdّuʬQO9+?A\Ġn}bM{:6d\$^ip؎^83vs}&*CKCxQ?Lx5e8T/AoKq% -!JRv%W굶/KiF6BIA5G#wQx&omIap@.[9F6 AIV6:dĐ\]G!Byn[%jnUD8ۮ?_[o77@x(_ypxMs)0Ѷ> -stream -xڌP\ۺ-[p4wwwwwkwwww\C/{}{UٜcZ$Jf ޅ *`bbe`bbA 'Wrێ@trMPdq09x9y,LLxbnVfy @. -rttS߷*Sj377'a;=@h-@djtT|..< v ' j:%@ tr`lg4r swc' h' S*-Pt ,/030WJdew)`ne (J1x:[ݺ1@BX`gs6urpqfpkFƿfq{3QĬݓõ{{eneoffV@i0Lmؙ98ؙ@GԒjrkel8}?W3+S ῳ1sNV]?c0;? 3z7#fTЖUgr<,zn&333yJۛj>e8@@K@]υ,W$\mmS Yz\W?*тj%]yJQF310n,a4Sr1keWKoV@%_O?QLLGd6" GCYWdX9NNƞϊGf@ `d `rB`ÎM]o)ߪ=+ SƐzaw)voK9,"Ff_q'ҕ+}h.=s7Ӥ]ćD ~[@3{hWD(FPɚC9XjKztvGT4X἞3hmqm=8t' W5i7h'_{qsFYod8aazɐM$a%ȴ9Q?V&څQlBqn|KeumP 7b_ؼ%4Vň۞iIWN&B^g8qUj?M iYWf%2rnp(;LkK`c(IC*XN|cx(lk| DvI#0A;l4M'8Kא:>/~_%?J[$,i+JڒX6Op<*2e%Qj dP;*W5ya,Bf(6)\Jr"#]0 -$ŤSwh,lEIVrɚhbzm:^JzSVMiʨzqS®כZW~ tDѣaphQ}i h.b0-V <-_DI\VƗ۬?K1SsU[^1-6WjZGzq -}X{eh؍9OZ%%^-ufs{A;PgrL.\snj8,HG/d1< ;`iMom䮔u YZA]ݔ|[0@sfg|q/f7%4o}*wH x/ bP'1Y +( ;gqߔ$ Z8XWqf?, &]յ/30JTuL0tFA0-z -v2fݴSX'"~dE \ow:Cv֧RK&\sjnƙ [}sl-Q% ̵J?kU9 Ju7݌Z^cq{=$> BJOg| ;?MUHLe7d%~7'L3]x3I%d-4@!mQ,E.x3.4mACCT9 B"4s+q -iiE0CBsP-K#j~853jvڊ} ~P, LfEAh"oS!0]mc>|[%O=s+U)_Z -<)Ν2OH { ʕV)%v3!+Xd -W.CM쑈bqLHWh{Ʀl*] \#"<)5+ɀsrƫgƴ~˗@G0 u&rI|KtJc9 a%哼|'BKSEkXsw"sWLR^4-}Bg%oaa]?{LTpVfYrͼ6T 1FF XG³pR<͵;RD&-ߤF݃GU  -$*~Ij :zΥw`*mK  y\y,]VlShm7<Va7;܈ϯ8 e -< J쪿^EڮyU5m_vM;G~~Up)>RV&/&P h]^IZ J;Ҽ$j%Om琏IsZQޒ؛]_=x|yY"t͡r6ώv];QD[VV7gTsPVbP2Z~(oI']u!TI -(8 ɪeS:y-*k-LE2Ĥ&nr"~2CLqkx Cwʠ.}QCsMx a{:lIJP%G(B19j5)JGRY#eY{ba9ɑȾwoC\ oߎLDLi{i"(l:f-%x\R`TMGYDtK9m4_lJ*!&(/ʰsPָ@fkKȬ_o\(RͰi9a2boc:r>ܠ}[*5wËֆN{|r?$R Y+p~%Hʍ^Q1PWLfK#)$YۖG" ' - _zn,eơ&`@rpbs}H2^oՆ,|sSi#P.U39 x2B%A'H.e-n0a z&{sXLӴ6,im{VB몰A˄E1]y(|8mt&e; {rX$=0i{:gR<> Ye O:`vts:Ȑ2mO -MƶUftP}\"eiqE&?;Ra6t?dlD(7_׫ڢ[?`P7v0d0 B~=a5X~01eLG5Kx~૯̵ 1G,}O&EU,V|{KdQzd0m6M֦<~ƉN~\zK"*1GdT3C )5]Ǘv񕪅߬9Q9q,}]RgѶ>F,l<6cto"3Fa%t1 76G:Gm m]*ޱ! Fā>tL1yH]ZƙF"phh, }򭜟Jt ;}nk|;H)o29"; v.;)M7ExF"4nW2 6h\&ly$H4*On!'F724nb^6i#3jC>*Q+zsVw*Pkļڅ3ukϥP>6Sm5xOk5)4^¡ -2By5;[辆DZMV wD`dKdV#zPaoU KVFvHz³h].%|\lp -g.bޢdG-N -2?BԂIevpe(a;TΈn 9wH /zީV)kq4/ 1 ʘm eJh3b+ :%Q]e pi]7|ZWu涄ua;v7#h-aNhV]NӠ') )~M ZW!⣺ISa/? -گLʚ嶈R gE>!RDgeY^Ґ,z=j~~ky'P)ꏯKЗs@%ŷZY(cGRMoې _XdafjWS:\J+dڬ88k9Od4r$Et!B\`*]eA+xJfx0C}K •>ռ鴘5vטDշ,tIg܏X 1ֹՏxSU߂S;YMwmogŀ\˧ZeWS P{'ԝX26 -'fO(Epg9_;YJ.r$)?n_{`D7_%dz! <ݎ$>"7$gkIQ]oi57+Ekrhv#IJ$6Z@AK%UqرU=[(&R[ʴ1 ŇM;FXyΌ=1>\9I!Oerݘ"\=)`vN~Bk# Q~/_lZOLKu0Ÿ:YE!zo-d*a }R@Egv%-B%PhbŅpl-A>0)$x g,`Λ6%=U<3޽t:GG<Қl0l]`wǠS(*I 0̀غ.v )2r̮euϻE33-fbŅmL3XT#/X@W&JX.5 hny! c[} O6y9Dzӓb$Bot#[lmS>Z wa,#̄gŖL5&sN -ӖNa<( -ݔm $ڪy[`k_Iն^nUɝ֪D S5”eg0Sy<2)qRZL%h9}"ba>zs gmT'Id`B>>ݏf鬯(Y\l1p5QHMSvܰsq,5Qt8V`[ۮa/Yt56C!k'S$3瞖qo[ -' T33Q/ڵolh+HްǜbYkPp0XI\$[,xg_)i'C B#9 L%Ǯ.d1|bWQ3J!l$c3 YYow.h &)=48bobjl ]f'uGa)Ҥ„"BN dЄ҃ZDS)kQ$! 3zQtJG剱BD6nĚh&<,zFWgSVy㎎zYy{-%>I E/Tm%l\&6\2bSp -T>܃RQ#Z4n5fSyبu6j vf -NnGx-/%hWv5/ۥ]Zb5"Mע,'](ZIk[_| H=Eyvd×0n܍>fé[PG'cX砇vːK(22.Z֯ F>{y0ZF>'12&-tkqZ+V>7P%ƪ:Bm^ͯ&fU/RGu±>g!HmeGvj ̙rQwds(uQ5DŽ.^(_D ȞZAzn{w|aBUAލԀ6_ƥ,xzy䋔56<֦`RlM`{"ß@¸4<_8Yw"z-yNU,&Rr'9+CQ |N:6 -vsSq0` ѿ@Vq!FBI\(l -WȜsbn|#1\cD\aw, T@Y^>x&Cꮚ]<e)'6zۡ-RJ~ I)G4M:_"weWTwN H*F0T˜ gZ)Dt'[Z" dE{N3h_mNDk|jzq"h,8,J\ǠVpNN}#5;6~>X|9˩ ^7hTRpZ!23TyI,gP=/2Xȭ%> D],;v'8+]k<'_y B*/vC#!np7gN_M9c/-{Svkt8,!=n0dX6o| mmh1#;(:U\.!:siF"B3Heaп/FݐdnU - z0ca<.8]ֈrCZcx {bַk*zzhൟRNrpfa0P\cF(=S^{ͩDkĊO6 \u2'P}b>pƽ." cs``v흏lAH -_!ѭ}1h5B$"d}$z%4 ]*;#{n#Z BT06 s3qe߭Ѐ JQkpW ֩N#o$dhT$cҕSF짍3| U-{Z;[qk`iAn%{}d;DY7{!;)xBa*y*ڥQy6>ȯduzy@A19?8*ޘtTWhY8䊯dV`u8=`>#WwL8Yn֓e2Wg\zSݸN-%I\d=(nq4򯋎3{.S۴\>.6 Ml0e|Rg ozq&Ś3ǶfWj{Hbf\ |<_jw%,L eGzN=w5_5,P ~ ܏9hYsM%G"–TĒBy>Sp=E2lx bYFDC7ceo B0P;66Bx8;ɸc{ |uyh\%PQ~"CQ/.5C1GX6GSJåk܏|UU?$:ΞQ9iqVPД - 1٦ -I-tEpxD>PBFw.u$"d|(H}Ĩū+YaG Qk5A;h)1uJ ![=o}{ġmlZW!>7Ei~h}ZV וL'}H=B@3c5Nt߃F]8b2>i)Kݺe0hp=יUg@ᾅC+hT7\[*ZkpLj\>.<)x3,>`[Flad `s_HTtpw\Kq&1a -:Gdl*&@W!-Rڽ[ -: TĒi%ڞ:1z>{V׳$O# iY,jgh9r{r%) -0HӺ!.֍ <@j}ӹB~s#:iZ<]h`$[ -Sv -u,1 1/jP~(b{bR -f-jГoD# 9HP6KgJ^ @b%Ǽ+Nf!FykqsFWD= ۵MăNXbuG<; 1Bp>YE?>_:@~ŷROSO[hdZ0`퍣}#(˂BxiTQTON}e8.2B;3Lgn EYo^:>,Ց+I=tCaQlvsH <]9!v]a*ZLhڼ(3-hh*#{_*qWM#r(>`N -G49YdaL`gf'U5;KFݻ,3L&jw c?|F57 vrSn/9ї][7Q0!G{ )w&>ʸEEҼz)?չHsg̔zdkg2VoV1Q`g&Zv?ru q.AVg>UB4[+\5a3բ_`In:p9ejqN*7|5CevE-ᫍ0*RrI#M@1=W2i9hHTq 9>οW K2N+{HmZZGUi fp?kנ[hAl NQ1vc& 5[ -"ow GIE!gHKA%5SX*p#j$[3(.j;(J?hѐtbDA)PY\jlO`:Z+-02JfqQFfF9*U#:ws.F^RW=BuiH_MWȎfV⌬5 -|"H5I)a'ewI'O`Θ>w{|Ή[e/J8֙gE^@p0M'~5(=EKKx8p`IIKqCϿb/O>eɠ27fHL/E)ʎ߂ {Elr8!Doug%~Vg H89kāy+b"m<6 -ψk.1VeRTb?lvڥjXaB%,yJm'O>Zga2]&sԧo! -RϘg]pǷ2F$D>_lB뽛s?umY -ԛ҂+]rWʵ&ES1&n= WK5.!3Z7 an0唡Q ۜ?u# /XK%l2!1E<%XoeFPE5&M;i={JHoW^y,@R !ssd0u||Fh-دiBKк0y&(.j '}Q=cyn*g'lF8 SC%8D[4FAqx|fQwrsU}Cw'&Jxy&,fIMr-MiO| "ܭH?ًo5gqL]Y7Y -50 <}}^Ϊt6~쑖> *m%to y UMCvoz9 e& X.nݘ" rdt*9 #MaBX N[ht^3?³sng]k̗Yťh΄ -gBsto"]/Ɲ{¬_>oF(lS@4wHQgޜ|Gfs'_GmTdS/[ -";M2~繜e'F5{Kk?H?`M",gӗ.Iy;vEZi̯YOUvb^wbf=Boc+ K&$?paVCɷ;ǚh3 Xuf ;[AN6Œht7Xw*"W4 1PPʰbF)c5 S7WbPWF\roQvFO/{>:Y)i~ji~2(׭Ūyߪb,d W3;Gg濝5 GcZz%V4 ,G?UptQ-(@d.rpQ*؟3+ƀ,^SRL\BbCyUI)Q=bmH˯ HΏIy f&' -+BQ >9M~Iyiȯj'-ylhbPOm^&cE/J ˆJeೂB,}[)7ٵX܈tCj~.^Q.2.g)O ς]ZZ8m! -0w@\SW֦,Uc_۝nP~Pd}lzOlx\_&%jF\'{_amKgLe37G%̞Awe;OpfKJ!\$o4F7t#x;/qOC~HKwB%-SdMD 5PFA-H}4:Hk}& "nuuñ|&6 -{c˅n(t戈y7vZ eZT:-N3VOڢ|Cltfvna &c]/'L]2jF- [Jᖬ+ne7"q m._({ -Wi=U3z-eLe?N Һ-vUBFZq]PeΐWi^#}5ż⥘y9cnRpPj+>m7^A -CGC^N8%]٪3nE -'(؃#}qf]Nsgߔȼ̴s k3Z O#t蒕䃢."$N׹7 r ',E/[X K\ uiQjߪ9@`+.xr=b8oX`mvQhG#k urzw'ƞ2ņ_LzII_/NJlSph.Jk犴CBF hQU aDP*[nP$5~^EW !svy5CY"w(buO+l1ȿM]p'`:T&g0|UҼӬ '|7 ˀ"sn,oL'v(Ae`H82;c.Pxt6rKOFe2;=i҆f[ '0Fd"Iob"09cڀq֫T-jup@HZQI.8N:qWSxb^_ b l=Kr:1$75cz/@^jDSEEJH# -=;m)o \&2w$y98&CPooW$e)0jދ;TP塕y&`H$יVѪ -MH *-"]YkJcM)0n$<w;*m)cD®=_#u-1Ўg!xoMBn׀Ev-`4hdQ -LLP]X6#.lx*%׽JH&^h8m&Ȱb$4̃pȗ$F`u)\uX|  8ƹ*4"`‰ PЛȒ1 K~8yvGr/kLj;4PWKN+5Kꂱ8(]4GvڙUN5Nz%m䌩΁:ALcd')M6@: -/H/p&+ѣ+9ׯ $nEn%rNnt&0=xRĐC9/qjD3\/HWe:ُ˧7R,PN$Awf`~$Y?AX厱'6&nKQI^|NĮzhJZ,9e^(/_?>"DZew=雷"(|{[¥sE*Q/yߌ,;Y]7ty@]Feԗ| -, r,}ZzmK?| >o/$=J8&,«>dɯ5xG7. ,Yz"rdj 7F6\e['E @oN.-B-k4ՆDa#MBCR3] kUm3 WnNh}YE>>*1҇ha`sw gBlZ۳oO0YMǕ|nNL9!F?<47ɣ{0@p3wxE;X}vr~~K,R<oxƣW-\*W,0.QD>JC/ -lGЫlRtUf -L y-xwXbp6%IR;s@ 䐁X4IžhLg8+q͗v8^E :{LYLq,F<% +!hx'\ 1MS8@MfXlYT_k[ /T$ N3-+DPv%:ΚlWY(]zZX?<<`zJZ}ƺz C}5YYAcg6C8̍dQoqn7Iu؏c.ihUʢzݕqKS%jXWS@YL3գ^!vq({c)8[bAq=lڨS hN/OH#;Bg?Ni|W{N_󋙖[ӝ ȗ]X+#4q#BD+O'%/!h&V>&(\fHH$7aVqA1"^ڍ@E[;x3؝x)#Iij{() {!}m ;T I%}NBQ0Tԅ;mp`pIP9U!#w.hslhEnŨT²`uLAK،B@z5čKA›PP̈4q\ұw,g/lB&T?'-Z \UnoHBrMǎs1j7Ky\3"eiy2IQ4U#r3zac(׹C Z]ㆶNSB}EZ1F#_|fل~A#+lRPX3~xtqH<"] -SHd@_͟) 7ƒ^ 螢뫣2xBOrWaXka>WgeFQ iڋE 5@Boi RmauW2 -W:$+wFГl?P -4PM;>IFpƽ$5;7BKr[Z$P;Z[2ݿd^weJ㚽CvۃfY|,Ttsr3ї4P7B0]9<vlw٘c+Z(49{O"{**ۊBKե mC-+8sY lKz9l!Go]j"(yܙ6\Ϟ'b,d3|zm4 jb 4"'!hBDBؒH-!oyr}G[<@O%` /_6Pߨ Dj_"BV9竎m|cGG 2@>^ۻy>̤AeSb6 ( -Qu2NCkR~LB߅m_M y#}wa2t -16V@5j(<@>s :G}N5ܰ #JU}zZjXLПG*C8 dO./-/jI٬B8ܡ0HJIW kdӖZ_oOخѪh[JuZ+4hE'Bt]#J U `?pI8<%'('u6W92XE0_OГg;:26x%_3B%hiK,e&C2)lOE8VP| W[X΅8By zkCRhl2w"-;⛳]>@Wa] .C /vi6AP"zŇsvIҎsCC S]aqe XYuBYseSv(%ԫAY39IqplGO4&g~M3ѩ~@ir/KwC)(mǑ&9[}QHH5'9 e}dtv9&jkFVLm%;N3qd:DYZ$߈JڋYlwĜ-Z+Fcg^ {v+Lq z [ {,OYrt4VVAy@8'"}"d -R3am {Z =qKT#YsaVeZ?;ڤx`k5dTc {ݭ/ȿZ'@[8:R|lKOSlֻ?:bI.-UM]7p}&;^K,T󜲍UR$Ux0]U4+[уgPzNpF!)c&Ĕ M}sSd=;^;$p1Y5#x+zf PV%vSQumsʬ7_E?j_zr+g`J5J(@ 0{wGkF8E,w`]l<#>scSbP|mٲLo@9J[/.|b ԈC`ݹYb}ц+MF4z~{*^^!um_n+kD0AZ1mLu=C0!#P&" mYiW`~-G7pn1?M0VbAb ~{K{opo1TEV2u`-7ý)dM]/#J!KG\r)J q LH-_dሇ͘yPll\NVe`feR)c_:z{FT `m>P1Cra߱K<7{;#xjR`/VTp(ȟHvX+1Y )q^Ey|b"b1)O^l4 ->;3.3{X&C 8ʗ$ָB5;*LC%WgE4*P}jvT܊֛J1k/A-*.)=ed6q"&Ee24 ݟ|*#tb쀔ˤfЇƀ/Gc`I ~ЭTcr䝽h.v{o@38 =  (u=g2Q຺ؤr2TU'¦ bC}6|_\l95fLQ0fT̄_8\[^ءhNmai -KI%wpSOK7z؍^?EA s)uԈEecNv)־Ko}NӃRP9׍:&ig+c=11<'kh\pWblv2=}LOpzzK(hxċAU~V:JTCޯvF~ДqGV,:P.ZaSJ$Y0T[c?G|Es/<p%S?m3Cf"' - -A3Ⱥ6O&{vWgz -KTW!f NpXjuwAOg*]A9peyR`N Dȼ|4#=Zt07KqpΜZw "4.Hec5tE`GFK;ˇ-y[2آf;:+o1K(:ȭp赝@h!o%Dåv3LN5d>zC4h֕ch;,miA0mFiv.SSxG͈<HmRDG⧺HK/jm `ˀxUT*~ ՠDv{`j)z$hqQ82Só[PA_*:P+6YXu&(JZX,qS b)$r>nj\Ta(|^ -!xU2f椼.E&w K1^%DT)DM'_Pߌ{fX@=`Ax&6BO- euRmY- +=Y cү}eU0Sm={<%mq_<D͘T`Ok )3tXIvmOp;qlCVAbTQRX<#!z6oĘ;@=ZA#$s t>_ivq< -A "%Ͱ^<ꅫ%WgE:}CZ< '{޹||ˢM旌Xկ`%R s5nYch,s #6Q=0X#4DH%3 cRKOV Nm k+\I=ޏQzw1+2bB{ -¢ПndFJ8:wtI(B5})ШAuZun$5IwvZPs(0 B7~d=@Kk9*EnY2b` b@Ѐ[%c.W٤ "I+ݜ9z[pbFQ"Ly o6j&$q 9ܦK﫿S0yYib&Ⱥk9/շF p@) e9aVAk&J']7\bJRոi&3& -o%8IMbK;+[W!$,Q>iRC@.W1m\-0*@ݡڳRM1E.,( U1Le Sz m'Ɓ9Cټ=7ŕ',FS{Oqm^q4\W}%,#SlPc@`)<&4ŻO|ƙ: 3Û?yJP!HDf}IZԳpusm2Ce5bU"n˕E+N|r; xQi5E|XFRA\&)W@q+?6l 4Dju/(OJ|o[{(1T])9iLmCg < :KvEq,qt@Jb`h c8ѕZ-57/?z#2$OkH SؖJGpC2~,\sHQl]GoOH4)SDU<)[5'W՟*[4A)dPyOv90XRʒJbV"kBX5 ('RaBJ UmN#9 Z6dPR2+ -XUErtH54;9(~/|󑷀v 96e{[&Za$tY -"OavnFfǩM~]Qn]썐g&>>=V|-2VLx xZYgN[M{'#ld1-h~˺3LtM3wۧW6M\;(|Nra0 Y562gaKmKZ> mD1ץ&*rT ݥg?'Fmm ?d2*zGŗruM›l]1kP_f& Q`'w!Ï-XW*M5#՛YWl?>ݲ2Pe5,|$ DKLY'ojtan[nvSj>v7x+tI|sعn?%'x|98^N#ʽ}UMzHQϛr񆦻9oߧt|61ׯF\{LOGKg[4|w|[H$@o2dܫKvoK!wPR}q R>}{]90q;  W\wM:/~wFplcu3^T.CuTҤu)v䫋<ڭ+0k)wa J8i#Wrl-Ff2{d3@͐Sׅ(_A~uP9_-QiP ,ƦtU': 0B[h|!V mk .f[;Br&rw;{<ГSך淢N mNE{T.ѓWKfe<^7WGہQ;[u!bs2AIb!"k#oZ,F"c$9(n0#ߠlNAvɇQO+Ho)2e|Q+IţB";z &llh=<.: :DŽxI8o0QGouBԄJ4$v*zt -n-F {5@0_X?!Fm -d4FFہiC%ߠAp" d"ɂpx抡] es<-Yǃp~J퐖![6C/LTsPblc\Wmaѻs܊d?!U I9rU>IĹ"ɋ껪ty6 -۱ ,XI˔~'ˣv3iUٺKPpV_zʫzMW( -+䉮h揌DJN -;2Pۍ{ö׋G*L -q  b,@z CtR`W*U0?!w۫5 5M;jhnrcik` ^[Lf6v7[D9zSMa`mU1fpvJ;Xsg!6ζ8[@`@Ծǯ\&LqSCj¾s`9'{2lJTr]&qm ҠJG^3mtRib\{6deHq8@V^9nG (O mv#`ㅮ2qo( [2򟿽)Lj88k$'Y ֐GתMX-> -stream -xڌt]5 Ƕ۶mٱmtq۶ӱ:͎ys{cﵪfժZ5um -e5sGS #3/@LA -GAnfBj\&nm&nq -Yw; _@G^9@ tstvr{-f4.D.f&7+Ljf@7͉ӓޕRifP]<(#@v5G 7O 7{8@MFt7XzO"k9;8x[;X,%IyF7/7z?@;Wǿ&&v& )0s5svrsetEe s1G{{+?[^7ӿ'k?M;1i8X;ek% :^fVLWvoNNM-|]M<7w;8hi?@/X|{e^v|t5DE Vf?$iMS+`w*#Υ@\g+F Iw;q[ynW7T o*ͭo_!8X5ZJZ{͕̬͖5QP -h/_i}t\GJ89#1VN7!q|Yj/ptgr׿K@ nuь/Ԧ!NߓpJ`P' K+t -MmַmG~} 5߳&舎$7wp+3XEg"C G~~d)ݹ П=*'—Uj9+b5bK(MqHahѮreDzƽ,lV?MRb/o x"ҧm00fZF;{LB[1\H0k;l'=]}6ik߷&ͱa>R!!KOZ +uL4 -I^-  -G -;IW<"ff]n K<8kŞe;O4N/_iEVlY}T !L;X{+7#2R5cQ߼m^x -/55:8 -UHΣ&OGECyO++E 1O5_=#EvչB*KDIAIq-@iն)ҴFP0 >%fc:Sema|-%d Ƿ Ը7la$lI*ɑyIW?u<?kŸM\yj5fu]}\W)4k,tǕzo4sβHx'6, Ǚ"r!i$V0;C`FD|qĮAi$QPwX9|dǼMXy \5˹<su exOVӑcܐ3FG-5.k)+* GDN%G>0Һ3 sT7B_OB$э}pTWodC #rϔ "yCMDo<#5n_3#fWRI/+XX%?֤IP]ƥϿ -*REj*Vf<閇 z(1қ֌DWɫETWz{':}ᅸZ%%c$<U-9𤷕McMpy^?].iHzM_.m,?6{iz?4fक:y!fH\*ctNЦ#V-:Va.LT 2c-W7Wg!.X -~%F.og4}+$?e=ܵY*QL8Lj{lS%iJQ{po5$"tIg\7֕'xeMW1|ua$X"!ːPk3|U -s3l\T$}|RkV`ػ"F6r,Y_%_bZ&PhnT`RFި!_ CtR>0~ _!@(~ZщP~Ր(8 ]DjhUBYq(q8Ahv;9v1LQul"fK*Fp? b"$"XYl0aYj<!c6(.߼6Rfjkmj(Sk2n 4>ƭ#B2f jҔ_]@nlolCw&"$]7t9f$^אL>2Ymf.'*OE>Pp^ lnml5ZX!V#6zi;h '摏lAG -]N%f%̑AyF8'6ä)#]$,*Q I6lxyAfݘ̃ƸJ.#p=a^7Jɉ!|ՙ-qve+B5m];GwǦb+s9}5h[͑5m^R:uP)PRy -KdgA7rf'$',SZW"^cqggh7E^[ NَP=l3<[FBtȇm*YÇUЈ=#դ~xĪ;1WVÒXciaK;T&s*KSN5zjH7qA'(# -K+rײ!P+ùv)G>J"ϑN+26 o:UAݳWsh:.(kDЪ$7T3z iR/cDPAurmO˱=0h|瑐Boԯ. -^f?+^>{ :tUSWǃECY,nW#`x~UĘK'MÆkL9޳o&h%QzSQ(s=9x}&D>Gַ&h6ucoQC^GWZ-q?h|jt}SѢێ/g)G MeƩ\+:<~wM\P-S4[ -q$]-Հ򙽳c9ir$7?VQ5J6j.jП^&1Y|a7,tlqqT8%xN3\t.퐐QV-Ez+04rzXf#}hQX5 5FZ-q^2gwfVv] wMfrnUD(W{' Cb!9Gwu/cLi󧁗@IlsM)%zc,W*ϢCrGP!䪗]*Pr7a' ZFfŠ BWrW.pBS\v/CT%j{X}Tdgab?d|<V$ɧWc'Å$pBǪB}ٺZV.>?uv9%2bC5rG"B5P8eC7y4KxheI}W0a4|o$,'Vi$"kgz\[Gt^1!+nv/ruDdhN'S;x=}/_lRC* X*a_Vgh޺.шETMpevۭdžev8S3 -wwB֣^)l:Es+!! {JhF6/ķu!3Gz Q5琾F؊ҁFӮCr!uZr@'T fTL~!"KO1q8%K1Sd? G-GT;dVڡrdHU +v܄ʌ2Wv-х΁C$vSX\>UW_:1…mKnLWӞ4 )joqwG<)hj7B1LL]{P[AS{o(eSQ=rq$z.fJU~#}F}-_tRw;k~\|'*t^?jӦQ4ꭡ֟1Q΃j1E\7}+-{{Z'^˲LG1hfT6jARċJ J0I1K[+g\%I`3&1Jԉx .\\Lbқ0LP螗e}N`r z`HVԜ߸4`s@8N=aѰ>#MB|l1 -jpD4{3NB!E~xPsG0g>]ofi9V1>ѮG| eW2XDA$  Uh6xC -nu|ou]6mT6O%]G qgKV~9F#zB>4I2V'qӬyDs~&g]>Oo7S8K=-E!sd|tu UOjv jd9)>(6Fl4YzHokSnn*_%$PH8r8'ϙDZ^yi`̄\Fo.;8%m2#]¤g[R  VC0nݛP\F{€&}zƙHx6a`j?n6o_) vմ˥8SviK!rOCR=pMm2 [U;}5pa'cNq`-_NWǥfM!_遞l~a}ğ@s?6?\.%0jQn{|J\ R N GIͫ,~Z^6R{ނ7uK"ȸ}%\|~Skdj;n!C>«5ӇX,t-Fס􇼟QB+{i - . `ty3354s;6>ކ/=Oqfucd8tUQ@m5<aQcl!q{Ȝ}O,oseME,{B48,)=n- ٪ Vd FeAXP>1斥L0f~7*ì -D /vr괞+LZbfC]שW$.UBGs; VǙm99uɦwMKJ Y$qbB|8+zyY#tx }w{K6LSSٍ̺GةC;$& 42 VmdLfj[ZOn~zi -TSz\| ְrV́"'L7,~h<qhZ8 -XmWA68Ħ٤q*RuVPf-zmgUQ+ -oJG8nElԟV\CJA tNB*Nfb+;T^ Nw}1A?IcB5<7f%#%Z6ڀ(tcd(:0 ol=AqN^| =R^o}lUjQne= ,rȠx ;;ۼ.W|'PnCs/?b'  Lk᡻ɢ#lI.PHG4b*/^ƈ8 ak1U -g?6E襲js/)sO"݂0E& B/eXiAռ80-|^k' -hyI|EISJO;(\BҺA^[N )=]ee;?|Ҽ@LdU/C_2.|"ǎ:e`ICOfC@{Nw+[+EOgGB -2 v_:Yt>'%?/;jY{bPd -o5;ʓ-Xo'-JpnƻĮ)D7GĈWo,VBsGS Ղ d^ǀrĮJEӞE^$y^6O"b_p,&?,moۤ:LvV&O6Ӡ|ŽƏ3ja"i8赦ƳD}YJSl -9y8i( 0a#R`;ȡ̭vҽatQ]{R|͉t>Y6]AXZ? -M1R X 11JRJ=]"֬iL_LVp߱XG`aic -.yqck V' ))W8,Vè9ȇx@ nz~x[fPIyk1CR wnʴ)vqQ_^` {u]u6"WA4-43' 8Vy|tJ>F<"&"Qiם~}}T95!P?,H؎I\H%G~bKm^s~0/#Zֽ峞uv:!Q z^*-p4md#]Sr"H.@HBo/NQY1wԥ.R\q1۠7KX!x(Ŏy*rQL9G6wƆtƚC2B*X/L^LLx^x]0-:Q3]f0R2[G.;>Xr6KZ !F%:)\BlѕP8r92 =룄#`:hJ_Si[>G@Z7[*M.4Oc۟jW§ϙS㵘3NހqUIEC=6.|"䋟Mǜ^ƉV ^Jt퍏uAr -n5}!/\)6|o{L;1C8[˖־AmC zno??JVBح<E{)eCPKkLG\+^U+yN8U=bIWHM˨L3_<zJg+dE򍬢0FNӼ3i`X|XG?xδEnMM<(>; ھPصOuVGMc#`↢`#.S" -tvCyYvwe[x56 fL92;>R6 .#nQ@_)b7[a0@pa)wUoeG[\ng>;O|,yw9Top%l싅+ EhW ̰nQRܴ_΋߱ޏyswV?*z"ق>Tڧ;IM<tz"}i[B_,cKgϦQ{Xy\$D8,GҦ{Gk -JLtqf}n1k5 O; \~t"8r1VxtAz=j4ɊS=>W] uA5!Mn Wl&dw) nL&147Aq$absSͩhWe ;˅lm.ӊ(h[!:»R>3S; ` `*M$Z⾽ Yvc퐽 2 ZH* uGA1QVE‚3WLB Rֲ6ӄi Vj-1)t<̹:2`P*Rp ƱFN~=u 6Flj64՗nrȓDX0ހ.ηKRtڊN*PLCށ4,k d0QlUaY+ʝ8+/omO(ַ A ;TDi өI Q bس+]ɜ˓fDC\Wëp]Z<5X%ix/<{J0쓊>iΡ#D.3d?% A2\}v%L,q̋s֏oqjZl`i'84[νz 7ƱwA c` V ,nY8Wjb1P(&^s>l I3+\USܼax:b8$|rkRH~q-o/M{޸`[p -Y߳UUHy{Z`SI2dJv&Q}*Žqi? {i#d&l]ʊxߙ˶3G fUNE.Q͎TpΆ8}͎v* -y-"ɖa4аaD d1I~FvᏭ_y %QJLLqAlZO ZO,/!q)#Zg"BWB~+ CjEx UxRI;[VBiD2sYS3 g[NN^ ߉̀-a4MG|86) Xj)^^"[B59Ja/|`yB-fsp{鐜K6_&:@3nxJjb7i*ZBу.dܽ6OrVpYxQxTFMmA_צkE(ېf6 -kj+!oIK,*pt}<-O*MAd"j]K]rͰu4oҕA|rJSPpo_dIwhiM]&|uhbqt!*#PU..©7[o;ʪPdF87]uӋ,!dts;֐ѭ7Fδ4@u NCoC`~+;I6< 5ch)Xe|~X e3 }P&k@/{"~OKo[].H^KbvoAK>M+#OY'WM>DneӵcI"fYɆg<,%[T;w*3G+)ЈD;^qM]t4UY4FeoU 1v8 aRH <x?B\>#X=yOa -WkWabPej,ICt3cy/){K,Óx=$a4j~8?{)%m;v.ӺϨ >"}jOA<ꉶ 2Ƴ3 -f5hڸU-d*WL4R|m'mxjvpb4!X2Ճ653IG{1]n8/iWҜ+\%JE+= &x P/j,&̔]qi:}#Z C>O5{|/\P+Y(Q[Er$#y qr&c<,R' $Ü^4ixhgMs? FU(bd?|'χ˩P+1HЇC,fs/0?Ww@˰鳃]C76QKw[5T'E,@|\-03$UULчN?{u.7KIRz׬+bχ2ѩO`GC lbAcє#N'CdLCO;:h ç=ŒSz>rG #.Z_- -JD;5&k -5ppk.΀DS6|<u4 J)AdxOO;x SgFVKQ{, 7Dހ" ow+[cr^fnFFi7z;;Ey!f p²z(Œ&h_ xL%|<_$t%UMw|%&jYRCdkIfح mwN2{ -QC1@<#܅% AK E/ *3.OqW*2 -2?ie3jY0u@ۚ#bkQ".:>ؙ{Ȇv?#q9A;`\ЋR8=꽃1@@c 6|&玹ZA=MV}|[I/XVTeJBOmhFA<)X̴Jyv=-D\@@{jsbNKdSYܦT[ps M"d-sfp49-NJI E)^dN3s34& 0OƱ -j-sOl˯KKSYJoWqtAր*N|JP~l05zn<6 n{zax-Hϣ1cC莦*,ʍQ @ZV[ڒ -oTLߔ$f JG8%iF#C{$m&>Il1cgRPfmWhdN9-jKe/qest^;-qk `%rv/y.{@#w̪֙מK> :<cjk%L$Đe(k-Mp 7n [u-]%!oXC6pJdU\PhC1Z@07c߱(X[0SgrKdv'BR১֎~oz։KL)H&'C8.}'"bkEݫ@kBMCZ @,1d,+Qze9bOv&~BMy,fq. GbGnv^? y2|hOS|܄uǂQ("e]l'`]Q)Ӥ;tCzi {Mo;}1jC-_A8h9,gUL?&U]~E+nB -8\)1l'DW5En< kA7eza7eRa&$nz;C3>~@dds)^i=Œ(s#Tyt(tT@w xM |nK)>AR(;nnRTEm]$jw̆$jɸ GN+PIt:+.؆upF$!:ou]?5Q rCYֵA)ȦsySSE@%>OKBrc@衦!-iCVZ/vf$y'xJbTe1Ekvo Xkk -je,hѴ+'g^%. wK4nXEqQD<$\ nqL"8Yn -'}|XC/0FQv*MaڊbeHU Nv>OF `pr8د˫Vl2\hl~X -Pϓ)U>f>:`3hb,T;IգETʫ8iH:ֹw]c{RūC;#Ҥ<:&A<u\$X9P",)#ӌ-{Kn1ID"Z?d0ZpWi] 0{q90W2B; - -NhF -L0e,lӝX|y}a(-5q=v6LWۋ T~&UإzpTژc1|td`_&Y;5?>u3v -춿R6#xw Hh.Ҫu,/?,Uf-8IhFҧ_&\ B4GZflingp|lr3ܨ(p_hwoR9k`T?țVIs],HdaKјMZ gi+({xB[){,'Z!/[̑ W=G"SZ / Yі:Yuȍ/!63`?d^ܮv0E& Q!Чĉ`fBR!Z}f,Ō4`7dqϸ\g~,|1&+݆ p`=def?tV1%s% X7'"QeSzb7J[ԠV8 (bG*^-90_٬ZuuO_Il{#}Q$M`vn(̷~Rp#LRBɋA6$;FPͤj:*1=S[k?jRiqS ^٪ezΒ eI \.H_a(vm}C x10ss>IJ1M~w!O[P<:ϩSa׶kh -ek+} tpVG A@deqbSO5OL0G;A`>ɝY Z;(FCF.L:4U+Bv$}xѯ-{pn"~WJ1*_aԉ7ANhc,r9N>BK}B;5)yo8& -.r^=>+LG1 -MHIX6v ]òn&#oz\ҡ§c+6s|mڃ -KI_M -LjK{AElG&iV8^|dt7ʜI,/:|武r$2me_x΄,jM; -ʴ9^7v.^iYgm@5@ٻpFri9 v-K\ct3!䉂֠L_/ba_`b>1| B}magY3^ᬱdX/<]RfJSt?+Rzu\)HbD$yGDPG>.BvYD9Eey`hJH D٨ۨ| )up?OhɄG[+zEEf>A34~tQBWK2"tfgX3TIEKa72mT &d񷓅W,Z{ X{ӸD^g,ʆ  kx]=N% sj0ͮQw#f#2\w4ZAVwf=X^b^iT{]^\}QeD*$=Tl.XPi}* Sq;/:c$9Xr6t6ՉyiWܪXgj Ĭ?W[!#K[0?U1GӘEoQ3)})+ E\'_f[څzc(sɶ^ 'asayq2E@5͡8f+hԁB,a{L}5Sd+riɇnQzFLZ.P=:%,r 8ђEE6AOAx䕻;0K% -1 ˴SJ<8/(hu6-QKfsUv8di~Dh,q5³98b {M. c/F?.hC\84>>8 )COw܊ϵTb ̣#z a|h[ >eϤ&?1ً[$ʚ%AL?0XBy@l~Ic?/k\` ӨYU/18SʑrR1/a"`>8*'x]ҨllЯ/S.Wz%Jg`U>d_60$@D-AIӹ-\[@?MY{4U3$Gߦ:\Nw@3w o -Qn4(N?LFO΢u+,\L ar}<)Z#2`e%+M`<ͣ)aTW& -!7o-sqڏRuq#*D*gI s :t-(t)xL !XL+B T.( yIR3/~ S.WCH*y#joG-O>4gnRȕkLE"sɓG^p7pjРQ> -0meciYVМ$9X@|pDaDَ AB>-9n+Sj sϴ 6ПEJ <=FIo-+v5_z|QH#RV[KuAPtc*aa${H:] V)Xs:۽5! ,A~FTu_hq9Ss*ۢn!i b]WMG! - ^ kJWbZ$2kaשwşvZ l/qm!BtS7ocK{ps:qbU#m@fu1㽉+eCmq\ToKKR"_z )@ؼ3sY0yqҡH;˳94K?zᣅ;ҷw=﫛0m&YXI) 7Њ3pJ ;b~ !Cɭ *6mX*s%N*EL "qsvH{5!4tĉ282tB( 0)heb[},n(D%sP$zu}\boMrЂ(*|"iJXƴ$MC&%7PP0?Մ G/DKu.&T(+<Tt~I#NNu8aOR4{KQ_z8^ P Y%Ki8C_?V!*Ag<׵&"{ -)V}yVgIBD(g - -igO?xΰ/Q튵{U -;nt -wvFۿsMeh=bk!AQ6z&B\ŝЮH>:$(3G:7q"'@0>3ݻn=v<vxOq*V*2={%{,ZyFц Ik>ҵ"m=e -nH~wtU3}=O]l1ט -ET+1XJE S\;@3@ p2'`*P{avO»)וuj6mV{`8>6Ϫ= d/Y2b.+D]K@EQp!](gOQ_n(BC%r,%qB 0AZtԕئ#+6#gEEd ]?j3Yzw -W 膑2H6I_+a -Uu,_7^V/M 3Co`k%ܞHZEW3~#MsB]u4D'NGm&@Yulbk/MM7pv`ad9%I5ggRhXŕh^N2rh.'] "Ks!JB +vwLzs(Fl_Vi;?ER90_N}k:2 P"LlWv!i0a-+N (&[h (NGC7(P9qCSyXK ٜ/"0:"c0ۈX;peO F܍ѝiTZT1rtD5菂Ot!8AVI2ABOM:bgx%:b{ F7DJ,Q }I` --kkcL1vګ! f!RU"$0fG*. ]} -$V*l6q\v ȜACQ=lqr=ڤn/:k1. Vydbzx1Bf&A%O:/4+3AK'~_kssADT- ݷNzS0Ft[JLcHF2F-$$|5!&c_M3~EƘ ˤϪFdqk(K+]#?.hQL ,Tl3(e-Hjov7 d<Q9,'TXXE7"t$j$ 4;|Ɛ/=];Xgl+ ym5e{wg,abjoZèWriK$'onCD֨ $txoa8]pY-uD^u+!p =־NMswj%_T\/O,gpuuNAt`r5tjTV+A*tɇ£\ﻘ蜈}Bq$٣5. * 2Uh6>h/1p*8on8T@j]nu:ڦ?*6 ]!e߷u˲I '_tjc.s*ZVxP[:q}VLwqn# -@BAH[̍TVN#;.^>ω Ii:1lڪ>2daT}!c*GL(?kk. :Iȳ9G:K[d8udRË='؟Y5/wc -6'v&R`2&o#ƥ&*JJׇ5YVsŞ1[[{/TCD9ӍSWP( R.\>26XKurgaCH d"TX+D0veRj4JAu?;˒Z7-vj*Z|!-U\zS uyI9~ whZ3;"KdXKx.o8< ulkڊpΏ!zwJlu)+^u+W&DS—VŠk{j6Gg$tB4q%A `a|w4\*v+FM9`Ć NKutTvP qn 1R&SlR/Fw bmuKHh(G\-ۻv+0r9)QM;.}Fpߐ*(@ Sg -zx4v\P׾{QS<}(Z հPۭHa`5-CǪ\$Ly!1%EGԆ5PuoB]?,mP[߱7~^/ٿux蓮-=u~{̦C0'hx1? wtY45{!jStb ' ah#kQQυPlPȵǨ"Dy+݆;jRI; /O=AaZmSӺk"c@L;L5jM 2S'"bi)HVoTJw0`oKI66V-|ӎi &hpaE}3XE|*=<@/ǭjY_5D#ۓK:/ {KrGAŃ!F ^ú\7M`~JFbty2õkd\ ~6; ⚰$L~R^xó60v ƨLDڀ]؈q{,Ǎ+izuLOPy#,K\h"b׷ͪ'ZnsQRZ^ҎC|ѫޔ~8VӋ@:J@Xڹ8z LOtTFbb2f;\1eJ4o>r.v^;uy#s84#b -DVKO~\MBl(ȜqN6aLAiFR3힒02#vmTidq޽j 꾯vPPxiۦڟ+!7JiD`u-awn⧚wԨ3qpNaM.˼XA ?ۮlgX<̀}ZECk1V9/]%y~!~ja2#4zo.`B.F́51pve$HV+{uQI8EUzbyXu6*To, -o* Wf T$ys5)T!;iPiⲮF_H̡ 44[:2k[ nZSD<~kow.LPM77-6Fݍ^ڠ`ޭоGq =Zz Φ|sT)0zQrp]ܚdfh::fャX)Qν;ػ4)? -P[-4k;nۖ}99VH#W` eZĥ_!wL /@iYD]WGr~eU2>ko;fP*I k)x5gc \h?_ _'H)-EVoPcds} a^J٧%RMwm%|jM.]t]fPrN:$!)-;9a~ۛxW4f:fCE7/\I-pX{O髈ҳvP&2F?}XVq1 |5f8꽓1HZf$b%k>"92i}d۬sZO-T$>0Sآ +jFvna:H:&+ǐ1: BP|GN"d4O RjͣfCzk%kW`,`q͊Q"/ LdU9s=cIuq(lA-nĮH ~7.AᦋAÔGp,tL[4%l.z)ݗkNX*4~]|sfj?܅7w{kf;|q>~H!qIek)b"C1t"Cvc7Rr|XnG#WŬt~:.t[ZُEH m5;S}[V5wƫ𙽗#Oyt}<}!',0Lxѷ]gyIqeFK'ѐy_ۘbqz7zNw>, 9/4d矐 ުp1GKWkU{k'" :U{4ьhg 8:VjIR@*9 /r *нHz' ƪ5(*&uVBd/wB(K VG1=2jWǘ\Vũ׼pa\`0c3W/Nl -R%B5q;4j_JBk[c %F  -5Ns (u=z"u&o,0,5:vVl $P' _w{9SqUr%Z'MA†& v ̓]&!%+ -];FoMd-CnpY*OUD%t)V%4FDvQ"cNT.7SSsZB*(%C4,hԖ˶ZPEՃ[S5|,uDQABe01U?j5q.I~4T.^_ ] -SFy!5, "bk^GnF6+g[\ߞ,}Q2ͫZyѫ zE#K#f̓bǦm4>D!DWȩ̉P*6OЮ+_nH!AnYUjK#;UhGp/;dsa -sVNCN$ħlA*cHB~g%ԛS2Ϝ2'QFE! zd+ aU{ڜeLuK~;!١`Cִ6KÇfqWܧOxa`uo09pKF~e^Â2o++ΰ6(fR|"} -x А<^`]~Jcp]fƅ#2؟(,J d$@<cuM5viE&7hQ،Ty; Y?Js1y$a^reG)Jf^i S tP$$^-8:iOg{r'&Y2ݿqý%e.Gr3~ HRPUvγe' 8)r,:PWEP7$P'Arّ2K^*1}ڑxQ;b9BD29hJ a2?뵏W qdaV] w+^ d%QauU)KeAfBy V=5^5eAㄮ Y-0z/Ar2*1CR}ӹK$qdƫRf!@3-f+45J$Ҕ t2~̤} xu#I"7+G5MU~  9} -ڠl\o4? ~P~Vm`aqjMQݖ3^D ԑ|z%&d)Gwۼ5c{iH+?\$vk7j 5Ԗ%mYq A{I/eküpfl*7I"_ܙhb_LJzQwZ!)XVӻ'"sBEEnJH - -E]NT"bT|Ns$2AaZan47aOcO,Dܳ -@yP |'_pUWR4?YuxTMJnp J - -[¾zrEqg%fi5 ";p^\%'՚m:7~$50p{.@1(!]uż̰!N [Q -I}wG/"čt݅:Vtk.BGgQO;>y^!9F}#ۉk[&I*m[}/4yc6vCkXIN;(Z=w (7HR,AOa`"}EOk{Ɛ7ˍn8* Ć;8l tqU81,N(ym -endstream -endobj -851 0 obj -<< /Filter /FlateDecode /Length1 1373 /Length2 27162 /Length3 0 /Length 28127 >> -stream -xڌdݶ5vfȬm۶m۶*J۶m6*mv}~{c8{D+:0sd4L0$$&1Ð8:YrB&mq2vIkHO_@;GN1@ igkC"dghafȍ( l -ؘ8Zd MlV42(Y8{ttnnn6Nvf7 gs16&lno o#oq4@`-IY+ `jamuvw4voj`am`  -g<'#G {g'Z' F']51uv?a GAs!]Tl-\L$ko3`0q72'ɿ Neog0;//'W?W0 c #g-gk61;Zr@utrRT^4 , ;#7O+akjw:v# -%k&&6= o+d"nH_nn kdCL-Zc p6+[da`gIXߔ]Y[ؚ9YlEO|edr+bkdgYX0b+Hc1@Gkk7wF#?J?0#_ _61q71Y[3 -|q9뎈 -gq&]2-6 o\9*Z:Cy2ݗ" $2t xC7zgfolm6ÖqtC_ L,Qm#D`(~B$Lq $sFEvJsQP}z8ЊMJe˗a -EB$̞HBϔlq"dy*K#* %_d%ĢZNX'8i蜛d$&%BtTN31e"7:(>k{GӰYd/ zBnlz<.ZVi~SKn~N;_:׎2Ǩ7ab4HQp= m#] [N7l:tՎK.O9|jt t/h`4wY_%|HBEQ[~@˥ _d.iw|%( ; t!YNC3JBvh Sñ8E?(^ qzAV b-[A#ґ[=y}A?:ykǝ+n']y;&)ӌZnG ͩwBgӹ3$*× Btx,}f&qPo'rk&HCHuS6]){)` UzH^m-OaJm6_B^@]nXLtx&Ӫ?9O'8߇#P!g="dg6PW݈SJn̄LӍ*q+v&gBBSU%SbU42$)SkC -cjSF޿7 GkEQ~0egt T$;s7˶^\@>4xv}W "E$J{#oIu*IBx3RA#Z\'kpE8yR9pXqk0/ߘgi  e󧹁i7@ [(UN9`vY? P-WF㾒1@I`LzR-2~m1W)U+M<Qt"$c;fȨb -+xvp=Rƺm27a{sq!&2YV fsȱS a=Vz4'oݘ4Rpǧ4ANraa.śSӰ ] d3hΨD_mA24.\ (c ݪx4x? ֆ&)gN8ϡRZ+}XY;~3ithE+ LfAh{XU?tT$ȫ:ցG`4A"$=Eh նxZp$>Q7|-j+PŃ1zL3?ΓӪ T qȨĒڅ o(LpǺQy|QO"s0%"B9=#FJlNy^FRv&%tҐND H,~ewi2he8SM`as)ݐ}b8@s3%^e7m - ؋e9|=N/h1tP*;eo~jQ(m R T wWvJS\3 z ;gһk?SΓQ7|hx7*(~i5=R׌O|՝d9~ۿ_p8bOϲuD]k-y 9Bk%b8\Vѩ)f:VS;D\!p?RlilvxbE`8! cMʟE8~; 5JJ{i רa\fr%0|\uOz"9E,y$ë:的h\Ol$(f,yHyYt!/ -('" zrp 쪙ZHڃP.mw!Q),@%M -h!'շk``b,-Åʀ u^IL*sm bTAS/#󽏷#AD {K^1BF(7ZT7mW`#M$u3L0ɯ5PE>6y#&E(hW®5EO̠E]0r&Y,I 돚y&ǝCS,jK$GTݖdY"k_Q#ZBӝx@(kA/ݷ0O?]1%/*DĤnɍ>:-|V3I"8P-U/!%(+}6jZlafՇ8֞U ڶQ]&o+!VƐjO,(G~+S,6CiR@p ]ΆZرUйtKU9qΨhKɼH69P Tax~rAĖ`A۰!$DTs͓6* ,@8<6>DLl2ڔAHp h )ӟ`%ӡ{p>ʶi#~A6:4&aJv%m.Z`ݛU YZ@nw7v=H=)xNv^rtD|+nÑ#zSK G NhT -;H`.",{ -T=R5QQQ\z#}>_Qڱ΋R-N7 j#`̛1B6۪%iV.T?*IAaquؖr4,ubY]=_%ɑ~Ra#V ~i N]+UF䏪W;We>vj9U hcn^R*H$$%aBBفY -N>HzX ] -jak_ N8#t954Ia KЗiHS]saU ̰C4)@YPܙ|X#.\jefǮe:[v|v Gd nƎdd/)ߕ %yCqס>vlЃ9C+]=8D@MVXP*R;I+.^Eh4˗9@).+&fY1me,㛕 x&[V9c'k"[g6<^ wBlBpLUM E Y HЦ(%e}. L HhVT[x`(DIR]rQ|ȁ#6 -cV2}4P90nP?*gV_FXt_dɗؘgoLTXU}3BC➖+휞y3 DҼkllܴ%p<;56Y+4\ (Af̮,RbWĎ:6Rπi:*C-څ*8 {4 #T@ME8 -M=)}Hv1 $3xNPЈs3^aRY2q-7>8 x£Eה6f1Lqd? ڧ -1NRdE+rŒ]J U0`X-胒Yǽrb涋5xj6vZk-V+/u$tmϵ9'`^Ts)+uٛyAՌUM$:Y 5/< oVuUqvzu;,z`h MᐐU"z.Rrt&G!Y #%)RKw1k;.+uD -5M+ d46ɳB> Q6R⁻~onIm{Fn[Q(Q 9!5pԋ4VjqdG[2Сc`W$I3 1{lymdkjX5`2Y (&G;]$*.M巘ydkIEYǐ7}"bi: MdC p@OE((:*QY嚺/tHBdBbGt-zʖSjɭM7&J!\gjTGCkKMJ*'Bj(quү/~u~4ڃ,Q>ur!RH_."BPuQXfȩfLpU&4I6+mCK6Ӵ;4}U7zG*+ D `[icu"8`>TyxppU_|▪^6~ك@j 5$xOz^t\[T* -苸~-Sj8xVWt?<L"0N!F!!:L̪.8t%3(~iCO#$#~Hj9bؠ]w#":*Cq=sxEf1=MJ3롈9˼Q1Qo{S[.c)Np)Sſ1YM(ąT2Qc.lyu;H?bV>~ZCTT\4|v3 tWSI(Mkb~$lx_Ùђ3+]sELS^LI?+oPhec -(^("nhjP:뢧WJdO zk_ϛx+Ę|_E(#;(ssN&҆E`=#:='5Vh|̑6 -MG5xʹFeh{3|%M۵%Y$iy.<m!1EZmC[B:%9d -N"<3 -z\:(#KEi093XmiUٽ1مU 5(c=3w|&- yvyF559+R9'/B`y-Z!g|ߞRϥ Ǣe?|=\/CwL9ȢN:neuFI+u(|C,2|0K"k>84ASi~"Vf?'ĝ~gR*Z -X&,fB*rϫbP 7^KO_4l7^2v)6hϥuw-3L1#>Z3w6Vշ&.d*`BC2O=-bߜ-9@#OKt (_꨹TM3Np61j- CY3 ->E.h -QTjFOqE=`K 0dMdCw9Q9ER]I#E]l\X9!vEeK5dma l@!Na\F'.۲7ە5yr}i]_$V -.:۷%cԒ{= fK= J_1Tg~?Q -z~\һI|oh]D2b7wB<.* Gy1 %9ݨaNWi[9'|4Y|.MGi;& -nlM _-LvKR _Ův `>uf!|ݧonb3{a%x#;ْɉ.-yJJTVaA+J '" tY>b@ ^ ?5 w[ϝV&@otW]s+AvI/1z\.;ykϮ_hD4;LعӺsO8oXm[$ެ @ `)>ߗgHD1K8>37ZD* tjbÀ6m]]ll^%] { \6iE=ΞȧV|[NmxG)}H AccwÄ7OǸABS͡0N`A(3(9 yn|z 3yR0").ȵ%+G)vKw:aV.ً  hCT(x_"w"iNN`l2vP&f{]IX]eF\jVv۹%~{CdE3Q6nKLJg4(uLZb߆ akII>{Pd:LXm ObR^7 ܃eWZ:m`*C(tu'>?~wlf p,Ɠ/*֬RM lo<2&@`j24Y|L"G#;G"duf"v#0햋H%yL -J}oOW4Ϯ%gG`8)鎀 -OSH΢EL"qtvѥM0`z  -n0ZdEerwi9& Br䆁)CH%]QX#%Oh|Ud9=ݿ:|"3*C..rv HE ",'I݋^ҡT&Ҷl'q6מqFb$D=D[M2O0 -ז6( u2T]⹝O'K]aWn -hDM t:n _ s깑 7..Q*B?^C2q%^VB,{U%6ƒ&!SY1M8Q&WC㈠vn._e],R~ MVlղYQ!#kRLnl綖E<&:bjw+c'b'bkB_jS^/ZhٞʡIzȊ +9f6;.mq#k>\qX05bD&qjcD$3 e(4 "p낃BV;̓ܶp#Ԏ#:˾:y5e;pK*e@ص߫4rQw4 ]{ZʣpP  l[ _& - -I]| oͫty d }0sN5PWL>:&hrP8M wX9ȩ*w%8G +NEkFc ώٙ0OP#uՖdnɀ L/=ɢ! -U jx: âi.JOnEX_R [fO]7p\a+XoKRr<{|jPV#8[kT١8 ׺DY ͽkU&^ȤqRJd}9'E2 mZ+چ3l]:5ՁZ'=].zk*r@źLL -@<&DFx&3Y类t yz`ӚT7J:} F},¼`ѩLN!K^smyUbݯCuAǤ8{߮!g`.oK5,A]QfƩV۹?e-wA FP~gG O߈~)%X׭yR8&e֗nY*8]YrVH,HuGJzK%&Ip̻W8҆xSv!4ć<^undߌǓjcוD>ˆh1]q,!5OϜ! 3/v 1Br X̝ɖ_#tu2B'=yEPһx 3Ta6LҖ#H%Jj,ZaX͢PX&&Ef{#0X! ~n`l=@/ٍ "&+KU]hׂ_K%l&)5hUD\L,*aK+4)3'Q:vڭp6g%8i#gJ'؟%m { 1x'Kb;ÈQgzq]Ї/bOlt -;%"F.v/;?~h1<Z< 1<[ liϨ)- -WDyUBsąa"NTYƾ푯OAWj\صQ?7l%'7A\lAD_.-x,L*t'`:iLs}&ȟOF7[^*,JNxpxj<\:_?CgsW 54U(Tߪ,DrleD9j˚i>3&8!Fn/&6ЦѼk|z}gу!(~ IqlJ>gr̳šc,>w2㦱oyYm[0>cZ-)*N4L_8Q1c,@2@ͦó/%c8q5{-Q;v6{(); d߱jbD6|q:ӱ.M϶tA^8H1iKS?(M{nXሮ;aav~d\Bx -yS߿&gkiXyteE;" -2yq-IU++ˁ^R!]q7faFgˆVn}K4"XN#O.Mx Y BJGu`Gdx*cܺG -_ڌV_zIsG$Wl43$bs/ Vch砘>! [kXdFXՔ>GVAxl&/;h?9Cu\bAVW^ vfuuλ>״),\]旼z4!6U/nxnGte૊g]-6hleFlɯ*e3NǪ.uIUb56;Db9 %ڤ?Xe:seg$Ab -6n\_ Sm*v?IFJS22t@{gu_Ui!+}v㫔D5[ 7Z̚c+9ov3W u0=gd2(a EWŴyw;J}韇h}HnoWd {i2L0{jNhT.b̀1o˒]kNoȫ|]RV#.4#ig2)mXgLr.Dxb'*(TR5k` -x<ݴZl|٫O_A6 -Ys&|Ϭ8:~wUH6U"7AN!qctd۬ -Ҷvkŵ9Qq]}hk%ɂe<|RQתQ_}2Rl -Xt7藺9|x{Jh0Dϕ1Y0OBo f8ez:{pBhH ҊkKh5<`o" *5+Ie v1PI-yz4bpӀ9hr=M3e? `H|T{%Xk(P_U醔nּN&H#[K?wVkG}ilգ1mԛCT,]h5?gڅuA3e "wBt -zS -m2{#Ao٩}(CXI#v3=-:ފW*r5ި$PE;™Ԗ FlW/a=G5}ZĆ}wa$WQ1b=u%Ν')K)$_2Τ` ME y64҅"=nPSjdڠ&+YU*?'qi0!JO_'[O ܒm`)J:=H9tW>&̼rG"'~x0 -ty}"]:ù3dP~-8dSj6}ax0(X0đ;3s2Ψ |K; U p_ #Y M"88J?|+W{}`LQ f:1כ{bɍSqT&?eiqw}C&y&ylS5o$ydWs:қ.\US <|gν(Q{ŠvUD]zAig{+Eyw/Z/1\􍸢Y rkktJ@o~+eS1]K\O͍[7r:ؾی._az Ρ$QΛɡٯϲ28JN9ږ7[ _3u `aNSHl/ĽsȨ ǚ`B\_8,$T^DT˜oA2~}m'F["w2E7YQ578dOa* }x8N~  KRuKV9}).kK~GQAc4$./pAaME+xad%Vn(V?@oż`j7=RS\UH/hbz>Ql]L,p!z39y,PdJ W^᛺pdx5L{ll׌ ~1א#T=³fwhIG -w^L+u -nK]?6"8XP ##$M{Cy['7ƨ#M2N2$ yT%2ٲ~ub̶ΠV򱓎ThƤʿDJw Ai-vqO&xlBѹh3K y~F>&_;< lxP]9We,]/A޹ ڱƜjxW$pC^02ܶ)Da`9S6w7Fic?R -ԩ -xFcTd.M*Y-E2}pJ%11{%UOz@|#uX\W<ۮcWqO;~3{HzHpXT #̿3&4fYZFڏݲm۪"󛷓:.I|!i"rQէ Y$F4Q4Ғ*JErWl-C4j%: -|Li"yG<2 nI]HPL ; i5nrX:a?Hr)i8ql}t'F˘$ nhcmPUmvěU6KK`OYjna"~|ܵ"7́G+i*}e)nS*IX4ԗv/#bslCL

ڙ3VYSj͕gYq5mZ<@Zޟ -c ->;EMV{~nRms:+H}I6yɤ'%hV6!_7I|]pXQ4 aav7 Cno>];hqߡ-&,feqfYo}Wt,U31H"9qKYIցLpV"VKBdk|4<ͧNw?)(FN5+SA[DoDÌao_c*^2Өy2 {b>7`۴a) n|Ǡ p=gtUG^7Z{}@t -º-(5EҺEwR\Ϩx:MšC?Rm -V~[)Դ fM4o4P9dPYHw8-J:d+ -\Т%]KيWt&>޲?\F$x:D[3QbeB< FݒC_n%hV+6if1 -_xZNڡ4wI9ρ*V=\~ Np.-T{΂:{ z­Jvf%RVxhFJjQ"dH6 -XJ݃^+b:GŀYK:d;P \Sn#8^Tޓ qVma8W~{ za=٠:NH|tr"-}˙FHS~ަ׳WmJE0С -zBt50?hZ ID(8]]Ƅw22`(\^}M@-yYֳ z -Ui -0;W^8d)2ҙЂ!Ӷl~!Ԗtfbá^$PV1*I* ɬ}]dH}*/wU'z^S9F2g0JĪj@obH0Vl 2qZ?h{c]YpF=KrCVCJpzo.")![TU(ԯWz}Ib\]2dZs+a/f}rb|*,Ѳqb]Հ%< [R|v;֝elY ۙS^7i׵Ģ&h~)*2MU_uP8e?ei1~IA;׋4*Ry#³8pCG]ŴnJZ'!Q$. h dl4$ʼ|dwueqC.@2P̞b &.- UDxdF\´aK̓HMZV{ em؇WyOZg{R9!TUwXl ؊+,fLk`&/|Flgh{"Q - kUUF0C;ґAIZvc3>W[q.U 8@W>9~TfDq:hn]*ph9OaT͛Ը`(Ԫ^>ih){荕"cg=Oc[j-UD+T.O5A@U Wv*2tBqH܃-gU"K6`~W_ s&ٮVL,c;]aNȉXYj޳,Hp|LJ œ(}Ā,5oЧxlQ[Aރ*j_`.GZ@PF1!eG͉q' Oۈ)sie=F=IfDlSn.f4|Bv͏;{gТGFwcs#`wB3NUO DZa\R/}bjSŲi=Χ0d=aEgy~Aoa/oƴnN[8''S<5PrBaR3t?! kb0*,&;N#OjweY nL KBrV#BTnIk $8t..hюAI-(7EB%ʆhK{y'vM~Grw̲ς)UB&Z}#p,Et!`+AULhc0LcG$.X?qi! , -m|%lҥ |wԧ'Ͱ}(Cgoa-(b =ƄMji{ mGSp,;弱2&rJ>+&{V]44N_md4"7 -C^6+sC(Jy*3_u,7I" -Хh躿_1 . -obA-űFLF! MLNEtb-2_4Jƶ,n*ة,KHk)`?^WeAn|hMׂ;~:E&EzBl{3)1cy{7COaGbl\=#hFmQ ]r nΠ ;3GbKI= &DzaK[E%'9oeu 8WhEËRV߱GG U#1ًm` YO50>Lݎ}1cxeⲦaZpu*%}tH-SF7CpPiMH Z7Y =)]aۯ%#C$kSG .dt1^IȫJ{$-0Ka)wd!(d׹"vUD@㊅+~4=3~ᯚ0/[Y΄Þ |9M>Xϖdӑ[&Z0Rf<qAsįtSXPհ]$GLO9{/+-Cr߃ SK$GqGye{=u$iuC{ϒ&k>J)p2U~Jj1`o7ݤ{5kKm8&`˜twз֜S'D?ꓻd[S5L1Di/;?Ï*ǫ-R%e>:X13F0>uȦ h|#]t`.fO`02w`8DOJIn0AhdocŢ{lf0HL p;x c;VeIHv -)ssM6ckIb h*s썯ecp)%ΘQ7'0pk>Frndh̬Ψ=DHmwĔ܍kyɝM1aTUjMk*8h-vY(sqL)Irڞb萀/.|g~ tP}c6tҾb5S(-jj): -uС/ *I )d{ff - JܕvzA@ABb>:SC $rڽ8ai{Zw WPgZo5cO&r[mR,p)%ߵ 폦f="3rxKu?6\3^,k\)Q`ɺ 7yScAAn/R8A3LF veuIyIB3hȁQ 9E -4=1$Ev4!d~:.ϞF6HXmurme MFrfZcׅ)TW8( -cю-ۛӌO?nVc|R3"Mpv+ ?_vH_ 8)nV!|m17#WcRDص\#}'Bq]\3-md32&+S`>AwS4^'%F%x2@ (_:y&l9֛W#`彿9|il{ &iͲ/z"yTH- ^ȑu p'>)x) -X(;N8Ǟ'=~9"qHQct{ v "KF=oy0:vx9f)I@&R't.%m ![=+v3A[V!3;yu. 0.9PGkk볻Չ??"EgC1\kי̺`l6B0#WT(RyT`y~ H>%s]@RotG {]7*):>,FKSAIǽex՛0o)i,GDy?ʃ:uOxWˎ?p^'T $Up33L'/tT<[. Ѽ,o(eW5iݓEW>'T~<̳~̕1P%YG7`ܮ`DʰT}׋3-4Qjfg=ƨ=!ud lCUނU\Ŧ F8D9ӡc쥳 3}e_K LN-)h9}p/D&$H8 v e4@HXRNO[g]4-$&Tb5J6OI<-ڑW=ō3NDLE%?}Jˠ1oM.1~gW4*|©׏O_Sf-yzJO8܆$_mE:9k]~%h.yD[Lkb\BM6ZH+B<^q -2kj/C -9-Qe{z"Wd{JgqHD*`>jӞ;=Iϰ]flC6-7.q{ȞDwd,0??=MSI2"-79,!}Gyz_ef7}GC1wCQ9P+g3rFiVDhsI}5Q= -Ye9D^$ 2e)iXDuÃvCK?3,#ZuAip0ɯ' -Oml} - @37#_]O&79)/`!y.`7KPwjA>B hs.IP=8Ko0Jh5= Z'j{Y0&AU< W|b9iSFBIh$ZQ3~WT^'m)>XHV ]zwYb!؍9-D@לMV$e8W l(ZBJI!srqL&?prS'w䧨7K'2ehj&OaxŀZÕqM2z[i2>5Hą*_))o+·!,H|^/i4!߷\K_ "1N~OLd5zI8]S{lyuٽLK[ ] -`hMG}sxHU_lJDƁ-܍ϗ> -stream -xڌT߲=i݃CB&{{ofkuSNթ)IUE-̀R 7FV&>7 Ro+]nmnA9w{+;_.| S "@tEwtvv{-4V^^nD.6 5uGsJA#`db%Dq].@ ?Lj amo `oc pY]*;+ہ2wD`SssG'S -`ic(K)0y1LA8ڻ:7075MRӿ;Ws'7W&W:d'KY;:8An'a4{ﵥ ,ܝ5A6@Yx5! -daae@/skkx;c[o @K_WS `ac0Zـ'_3w%+ rd?.oHL `dd.wST? KGᅨ{KUOaw.%ǿh,,X_!o'z?PS{?]"DeLj@deߗh*ePq37UmG`6 ?#+ U߇_> >Rdh8..Gw e+C ׿ `f9 m`ItTZƷwZ'ã7@ %*FoOػ\Ari$W.k$Bk$w$R(#_lbiHm* -81FJ-R䌪[ f C|pq ~ߴGYW.@*{v>bH=4ʞ2B -~(YԎJOX%'!,8I79׫iKbKT@F̠No 4O;rMH~_$m4>֫ڼwrJ%?czO<| RAҺ8YIwKn7\7i֤uӢ}h+d;2YԘy]+b=A!S _O۝8kpsgk^Y unΎ]:7lN%۱B -F'me6,̧v,y"F챖 ʠșf\L-9.˚5Akѵ)>>$G%M,`;j9`1K1JA%Sk̟ ԾC"3:.zILIOSi(*zٴqi{ ݧٺ:wķć RK`c3ٌnPpcWLPH -A_Q$vh .m(ͽz[7:i_mFp" :;in.;(&>Xw9vwIY`t2\Fy7X^*fV;Nhr:d W51VyI_(g$ӱ;vfgWbzyo , n{%B4'suJ֞BpS`C v|A\[E % -MU;Q;E(KLQzA-#y{HDod!ϧν7 Q}?L3%2.eѳ$z.' -G^.Vorkޓ1/2`#<)g_Ӣ_tՁX\Љn$GD+IYd b&D6<9p3ك"_pp:-")/߀=@^Z\Zq[5`Ĭ=Ө'$(cM<-0ԓ-Lu~a4'<6B-gˊB۹%R"y+$haP2қ,?і~twt {7u:-;*pU`Sz{5Գ~{h%G!Rw'7OAo;:|,M" -K)T&T1hFC,Я6tC@В8B|@xor!Chz]α -Ηc6_ٞ!)o裐F9捳PQ6~gዒ2(z+qGg&I?qj6SFX'l#tkMa5*UBo-B6锣U,LWw5zJ^is+|Ӵ쳓9q =g1 >#D `24nuπo}ղp0(c(艟AFIL£-'wol 9|~kncE~nݚ:O?CD~85BnRh."-o>-6HcތĊ*~"D+K(NYEsqSFWBm:L":.r}RAσz[!{]J/m -QܦӜcfO 8Ѧ.*έmĘ+|U.Xwh2]r?KdK}^*~%k,>щvNWx93Euڔ)Q9etj4g!O:zn X76P>YT232QF5^ ;,# zIL#DEa7R͊:E t༟dκn:S r]o]CѸY#qQ73cUpd`i.udPm18ʛ~sR`ãܢ$io@ -&n5Jda}ѣ)?7/,4N /qqs%R0,?lS+y4p+(3'Ј >ڸl6eU|@lB#6,drҙ^XsD`Zi^ xs 4!Nڙ䑻fV#Ȥ+";CL/B!7wNy0Dcr#D2Hϓi:j.}jbq:<1Y-d.b WE‡iYPceϚYL)⭷j.!=F8>y֙8R/";;6T|ǽyRKlk85ItEG^q]07Glt;m Vne2MgZk(ɺo[gi9o _*>9\&_dM{43SW%/VfLg\ٍxu?@OKs1ᔔ| Ygx}FlBG##"/*fB4śumT% Wa%Q͒ש'Msf -ZӑE1Jl 6%\@1yvmUP>X́plg qV75r/L$EWu`<HՌ3k bZ)P2뺸Nr[NrŮHP-tꪺ -b*!2PbêV^B3}uDf(o=dBv| I'^lrw9=34h:*pd.˻Bɠ(Km+"&b P .+.qCXh^_!?MQ|g47+4K]t$s Cev“U(]L8W}__ ,#D^'^^e#N͑.:ckuMt]xmLsH57w&Kڊ -$ ?Zۆ޼a%wTJ -E`jW4Ӊ8?~a_!}ѹ^'jz0V%CL_!~ d(9Hv#^b~u4_|e2|}PLCՔbcv ;_ h"oʁ_) -]{:wsŴ` ?eH^M|/zJH -<%%*_L*yLΣgE|bJ&IQ,i+%kV2)C\ʽf2SwYbs"7r赔nl6ZNjnZLr r_ -!P뷠uy4&R.S'%]6Nzk 7 -&z:3=Z|[tpQ)$Ao^l)֠> -U9PAZaF-n+2Ϛtr;ՆL1 %f-/QЭ7U˖=1і#|(*|7*ʟPz5KgH&o;*ԇKRJp;rd -HUԔ4nĪ3EA,\]I؛!l=#;t cg3 ߻lLRxVnXYiͳ+oTUF}_%VYW$R۰{n+wMb%4.Oj~spmʽ&Vƭ [HB*tp,e}\S= ]4;)`􃍹a7Jzzڞs6_k MVREHr,VקḟL<~wޔgS"3Uݾ&b{Bg+~/R׬ey4*fiJPD*>erh8v3{nZ?E"Y 7l`wQ03n ˍ#,SRܖU}{=ɥJuWRMFM, N(2_o߉ݫ/`Gzrxp$Г~t4ah37xl!bo~ i3qC]85"6 a@s-4}r/*(n^Gl/i( t\ -3 > -\BY+el]Rlk]S`>qoPhElQwRv)sϔeSwĐh'Xl6Rt䃘[zd|^P [+C|Ju q_Fp,][h'cAQ,32=i7/p*w_7fmqI~C̸DR{n`{GIYG^nSqjY -L,o X@h^sjIԉI30P[xї:N$ 4X !Tk+:<}Ƕ9[2:,7P͍b hYi|?_]$? 8hG^W@A:mEe\sj8<%s ia=wӎ~AQ'n>Vg Wdׯ,uc)ZVƑA)j(8Sua(SOR}xTzV*h?5 b*T`5nY{)iM^@*8e4NE9ȴxW3͸b,Fe6M {Fh* (}%|%j}f)F!smx&Bh4(cvE\`]Imh݋opᘳ!SS2@k׬a.hʊ*c8XD9ئDnNg]܎H k =jyڗ-Q+g^9]ݺ l#stJ-21ð1N+[*sq72jp .@u0qU]knf;Nt9^܉gۮ;@[NbfOq9swjLv^[)[jxk[r;p)Kw%j5PR\+0Ѣl#.]&a"&5GQW%"ȹCÛ4,Wi?Rfܸ$ku -37,n>nxȅSw/Йj.KeyO_$)婕g &𣞅]-8+DTz)}S?&$Ȏm~~,RM_1/Zԫ͊А}]-GYY+uRCŸˑ.aAZ-Wpl{.QJr`phJ >CV+>GX.7~I9T)og Mk!'P-;7"MSCIO80cl+mRx2K2Kw.i藓@ ۊ%K ^bF}s@(.^S iB:՚"BWY4xbquIB^Kd}dgs){/4{nOVoAsƨ0̄] -e &.V'MYe۠yZjN2JϥOCn }v|z z Bp͏sʩguJP%>mZRPT&0ւQpGDA"4DiH~[~vU/+]}x'WJhBe//U -ESymfB%liOxY2 dƒ^*V1V"j‹b)CsCP)$#i+vˏAn@нkQ-Cg<~)۬ Lpj!HxAZ5ZbJժ<+!q"FeҶQSu!0ή$5̈ I.!h#4w 8O*Bqd|"Z`XB6Op-ZIWtV.NJo\0wt?l/bTQ '}8ӽGYTZ_x -vX 0^^ǡ}2 -'nlA {O1O -Oc>{-<3I3?L:wVv!DeXuze5@˲v20QQhTaÏ>dt|ֵ3H\M(lr0rzL);wBO~%oi\1y3F,3,_4GNQU`IbGW3\uH!@sU IQ6 }z;)oBXK)0¸2QI ^ylVQRjf%+!ms91)4>Ud3<h"OoڳKeH~̤:ȈFW xLW9&7=s@1C?gaV)#)7XEBũxCn,/خȊ_1EU2Ԕ@cWg@͔ߟIyHvr : ڷykwZ8~D|ޯjL6inb,*C'ayAՒZO!u;cF#ן?V Xج 9;~G@yK9)WO؜*q8~rf"Q3";omjR5)]Ԙh<Xx;'=Č. [6$E1`si_6/bTsC-:+x'@N+ZVLrH(5[,n$N GˑW&6gEE.){MU>Ԙ(|7teR+p$2\d<3 4?GV7zyQ ԔN/ħuW|lKґH8H_o"/£NC@8~{Z8[AYۭoB??BTfp9SdX:MS3вsz~/^,[#lBR&ew}H6SN"Yu:F2}:CKg<7Knbz}~>C#(SxpR'NqfYKbP(`[cW{:3:+A\OYk!=0:,H3i!˒Ÿ=7=,!HE|_m ua@HlD`nGM~bjP߃>w/Mԍyeor25PB嚅tKyPNwEFwBJ:>0e%r !)SH8K ?c\>q79CZhyahqD) -vlr.A^IxGf .E=rgޢA˶cG Cr M,DP+_"ʍ^xrFr#1mByX)^ {u=P?3GnC4JMli\1OB7Ec0? -E- ɓx?q2&`'΁-gĈSH4E`[aP 'tfLSȦߒZt30K~g'6wޜZ=jXTL[E^:jک;Ϸ3~kcY5AI%a%K8XEUPn \԰U4a -Ǵ6U Hl3y\FǾեS.*^XiYQ!n?^w+փan*&JM! E¿G+#0,J\-]VWSxW2tO/eDD> -mz `z(|͂x>))W*]Uq6hKCɠ)k:M%J\詫XJNOD Ao^v EӀJ>oN -[KNh*Ds4YIdDXtLbi`gc(Ue -P$)@ɥ>Ϊ|{9}d)b1}hGUC -qG$j'j+|7~ï}.bU}d/?(9[l&'b\*Ǔ*/CzVU]3!#_T>em072?0{SR PNնh믊5+o}-u>MwT' /|i%CXP_Vھ@=-T= Xd>$<4y^{3/m&>dԖ<&r14˨P :VTkhw> J@½LԪڢNމ-W#k #LiHX *Mc/fkw -mUbҦ^ۨ$ncapt:8EJ:U6~Rrbu6S/H6$Ĝ: ,[m:!oc]PG*&J%SH=2Ÿ nc"=X-2³# zѤc "w08hc$iu)c[:4\ //(Ga7-ӸtƯ=-Z k>løY?0d235j`l"7Ba:pgñk}ߨዬ@4Q>i'Gw3K?FX(C~ jj  o71;kY^ǧoKux~=][Xm&AeXZs5_17[ \+`x}q8_p9v3m=\Dn_;YGu0LVla1l'^"x2f!^!>!CوQ*^G\ꆊsqi:Ξ'Zw dÈl+8o+]: {vJe\GǨw2o9Tt7='Tr^4Ϭ_g]sV268 18댂E(Lu9n&p@L;&OIUIAu~FhG1w5w Jd -訡؋4k`F1!$;JMC Xj\£UWQVS]rŽgGOQ~>㞈 %?/g.@¾d 葬ZOlRǬ@:N .Z(` =6PD?m 5GQ[%Q -ǧQ#G#ι<+w;>d!=t=A> T;)r#C*04mm^QJ{zyѺo%P\֡AӒ??Hpg\iW& -Q(X."z`=ǭq  Y`r|FkmIԐ($y/TF(Y'E~jڎB%9 oܼ|9IUeͻMѥ<5a(w.aoBG]r Er#_'E+ײzKmr?w)vP%!p?ZPQ4wcwٍffxe/꯶ÍPm|c Tn5ݫjLgn)0#ϕtނȉBYt3{O"gT$J/Ӏt+X]XU䌰J6hvKLh)ۡj/~Jayp,`cYοD'!e T(X߉ t'T}0Roι02ãوɎԼLM=2]%/WgWfGz)rD6,v;(f_hVo?'i~J. SNFV.q{ 0IbdbK0B0b[n,wkXe4ܫ&ڨ~hr)ŒW1l汙Ĥ·)pk&۫(*uFkBɐl U'pzSkD -n͛HMp59"_ԥA0ļ5 jJ.Ўd-bHwLRVG9ݡvӒ83K5QJU'^ -Tl-Hpp> N&PXpz($4ѭ"R= 2`ustL h6YpP9)zXWA.;D hA"%!RqD6S 70%-H#w',?6e˗)1q -Pnqؤ{CTsn)*W%Ho_XH ׍LlLjKߟ>MC^doF>9;J|Xې|uCKQ;2^tZpE05mj,VB\ zX@Nv*N| rx{- {7)S>$ b aYN ;EuvMgxikE"ue^SvR;(HˊWRM Pcdub )qm 毪sIAHRN]G!"R n TL(.*R"LRb[ExvytKveQ_e鴴 gL5 -&I4b8NƬ~O%&9$z!ؘrKjwJv".9p"]bfC|0sMPUH?11N:cV@y8rb|5!a%%fjXW4nX(Z@&h2V³qK]ni>MҴX|' d#Gsw> ᨸt7HU(A=r6HTC0. lSY_-)'7S?aBhgX0܊]!nB=Hg1Ki<: vgʌ*1dkcykTߟMƘ -p<"-b򃃜4E3@z~%uKoyg+z| Nk.2|R&Pxbf5X3zlvrj_ўsͅ70M_]d`lė]bk]UfFr -eG(ambH/4v#z@:(m:cA  zr-3V q{=/sU ;^c"s-~YNDOti$v$9XAYz"2&~2PJn)7}! .zv,@IF%Nk )G<#?)7koI ep OpvU[ZTdUk<IJHR}dQC{]UYw )?zyWҞa<ߎ2^3s`XMSZC/p/Yϝ% $u6*9 Q0Z rWod,~^6!G.SS*+ah4JPYCJ)P,[x{h=HΒ,wdrrjp8;'^Kmڥo_푲W>/ 'ʲ{ -qf.q~jRji_pV!Npr F+5|^ȸvv/|0hb\`z=(H>k^_ L g.F}JMƁi4`_imr՟ߴK4wPߡLnG Km*V]֛t(Q^at'Xüd6Ȍ';Lay2ܽ1kc%l3~ZCZ9,dT)rR[wiAޙ6Ji*ev֑lwJP;FxaBNՊ ۋiUmRRLQ"+Yn -eWO[[#~LqiHDЖ?,iG6"ڂ ćw,RR-hN+!g.2 0ҡ3֥? d,o{8 [7D}`F,PɸW.Y茵W V}hr -U $uDj'۳O\ftv`u%P ^f8M_+.] Ee*XYe~0wOaL-~fm\KxpC+MW87^@H`4[&e2s|a:OQ,.L yu,;`y$OfdOp}%jm")kQerKx2$*5&}nXP W_a TvQYꚿat[(qR$+#+ D%oؚ`]H1 rcmܫt@dgFAiG@KcXs-/i`5hblg[,o%\۲0V|\!Cz{w]Vv{ߩŇm8WۣhV1#[HɶGYP<MB㢁tdp#1n':ijYzl끞pܣ` p Q{ ^v# Gizܹ7璇F&?u&tsR"2x%Ao3#O ~ͲG or/JE?OTWJ)[ky֎H91~̤g5+͏R/= -}bU@X'2LPPY|у.ΰ+!vZ Rs .py:#enē@jfIdփ uDK m͐N |ظMuૢ0{>ixwtPjӪ.ſI(™MNWa(;Sc`!DǦ.?_P[ b1 PWˬWN)aD}k -Ǣ{Gzd霢\7cpV igT}YOn,#v#3.Uו^OUR/{V;ǰ\]S-ԕitM4ĒSDU7 -z0*GGMh@7)oy=ek|(@-+2$;0icl<pı\1q2<w\g媱 iu[nK2|16mM>Cv9a8#<6"ψ,2v\*o$ž% {4 }&AƵ#˛;y3szUt_K5#7/+?Ep`*mBzB69-N 98%rڔ`v>J^dIĵM«0J6I#x'`!aZgnp6 -O ~Hm/DR?tI݌UV;yI٪}v~{5t|+bo~kaN ǡHݭJv39&p`YȖ/"څ^l"8 q= VDisD,#7Gᬼ{ 2NwՎv~;Ϛac`JF:}Fv-؆oQD@4lV-'xW_{hjIsXfS_]e/B,l+#c| $Ji]hD tjf$HC12I'բ)Ub#QorbNkk^sLs|3W|~IBSEO-=ռe)o[ .HN.q,1iҷo{le5Kn) -5#mF+`2CD&Kn6˹ SdA,FEGjkvob5ޝvt6a/oHP'r<!g [nFs'=+5\pa=[YlФ -RUxT$\̓E,ɸ_LS 3djӹ*8hdbV,&īx],sf -QcRԱ%&ClLI.tb%yOF; " rRiX@/;PM?4!z$uwd"{^G]8P_G=q/*c[m\f Ed0XD7(DD֝V7[h@bs.reM; kBݽު ѸGZct?&!h"Y$. -yW(1=+<.엷AT=S@s_mgL6HQJ`by#٢01>4V9}lZ*t|ʎtGbvePwZ9pt=Z7@ujY ~4QbWu=YQ3+LY%ҍFS>&>n EǺҵ]+2 WפDJ+2p$^%o[zX><:9ֽ۫m6bJJÖH#<}ơeX5Ff2?o̬4}[3G(1*ҵm-e{46xXi|'o? I -K~Q1~&@~>L`f-/8:rnP&#󊵖 b3/H&Ȕ!]ͧ|\!CRA*W2`YV6yXQH~H2V)Z6rlɴ -vq]ttJ Ȟ ȟ9C< g3 BO9u8!"r]V/@l#(83 (\k,b݉ ɪ:kS[ӋE VjqL @ a}CvaF6$°^go(BxwG'DX~H9|W3 _;HӂwÌADM[Ra y)P:\t^, Av+JЖmdM!l$F!tKy:̓TPg76TKx mkt/+d3&2Go|#x h]>ɼѭ -ˊ_>2t-% ?X5TSM:*\J-kS6i2fX ?>H7szZ(Gx}AZ}~,nc.C>A(ۻ=BOq]qd<<^>]അ+ۛ1,O̎vvQ`Z$$힀~ +=4q#ꡒI.*Ts7c`*P\[ލ -N-0CrZX#fAHi)S]5{'d3'H6=>W6&N]*ʕw6^Z~ffϷ>@`^Ra޼stEm&ױ_iX|chڌMi4gCx&8'Єөj0`rV0_>u -E_/R7(brP$͘<-!`gPH&箘 FqX`caJGrޭ4-t~ kFL{ْ¶}JhgJ܂ .!JMA#jK[+q78A}o\߮ >ȁ v0S,YB:ޘjQ?9È%n0 ͢y%93R 9.3AtEl  "uO'Tol[Zʜxp} -R+1 2(L-wDTpND/WgoaއTRwf".Qڈs #;B6tEK_pEORN0#Kk79 Ϯq{~V j0m2Hwk] |PT}VZ瞶+r7q_O-gE!; C."< K$hp̪HP g mJ}O1ЯFjGq_Fn ;i$,ɑ.z_?c=Vݜf)Ic4G@Tؐ4R;[lؘ -\(٨1Jfxwxk>\r --JAV_?rֺr|2Y -K?NQX:zښ򁟶L6}C|Opr[ʧnhC?ѳkP]:^ SĄ'WQwG(~Sk%ѧ7s'Gmn (ͧp HF) pNH.h @?bmsLF5]oVn$N:[! ѭ6DI.?)1 -~yzjýÌu ->zn?_wÒv]ɔX03).A%hT7Ӎi73u $~̫/>Fo{IMkd" c-ux[ivC,kçk>,Py%M}[eΌ~}\ ^w/iY]HIK9nv*mB0PP[6`xP`$XB%k_yQz'`L<ۃJrź0:^ [.P֪9[Fݞva1GD -#?$X9(qO?H-B[a C_\bŎZZhMG{0M3,jB:6[ue;dіxY3̤}} 8 ضVҍn`Gn]Կ{0@Ci\o`.ד"P@<9K*Ucemx -wSW"(Nv]78 -kˠ y! fKŲA*]{hi%nMfG򙛝ө}OCX"#g+.P"U}>Ńå∨7\l<\q mPsAr4XwڬaO"Mg>,Mw*a@F{ȮAh9|zԓ,&tfE>p̎p&ʼn͆|.K_\8NaGA/\sơm8T#I%xJN]U5SNyC Wӈ -endstream -endobj -853 0 obj -<< /Filter /FlateDecode /Length1 1374 /Length2 27197 /Length3 0 /Length 28158 >> -stream -xڌpeߺ=tGc;ٱm۶m۶c۶:ӱѱwιUk}ӜcZ@^FD֙($#gg([8[@jdagC98 8%] L@VN6Nzz #==9@ZDoQ88ب1q028hd` T30q_)ȹ͝9h lhx)n@E'GWc?#e lL3-lno o#ou4P` -O?,ll`ddgco`aak46ʉJ:;S lX;7p560 W@Q 3?36 ؘ:;O{pllkejakl.t*.&5ff dgc8M܍)ao/'?3xMacajdjtvt1; -40rY'_E~ @~}av) I Qgv - -ڹhX4, @&  =7O+akjwZv# -%k&@!6= o+d$ّ?6Ae_Ղ U3tO_-ؚY6Z8Z[8.#4k [y;'-@zW]FVN9/_"FvhhK%F_9@:Z[;!M(Wn#Gǿ --_lgl\'Fs8ͳ@rNA -BQ3pQ elac_뼽 2#I]/Aq:k\q2jv^I<v8g!1ߓˇ -GR41*$K4PH H3_ T?1L^;/KUʌN}Ę&HOR%WJ$CJLqu[y  z׸+&fv'0N*BHNr{0J? -N -=hQՋ?~Y9_3e &Z?Ab'kJOXe4w2p|33#f uq< 3Fd0`N6ˊm}}iOʩxLUǾnA -ߖ ;whP;* -]1*35#YW3Y~/f6.Py#uӃR9jT%ErԢ –I.|/}g)6µ6B  ж  H>;yä0r[]K -ZߜͪL>N~oZNWl$>Y4\,clhm79`w㎣1ZæySs#^$CR+cM3M~s -Z&MmjMƢںT}s-eA[KSy#jBKA)sQ1x|0$5OD(0S0= Nc[mGپ^R \cY # 7I;BƢם)ߝO<e;zg>PEռG)-鐇PI]&T$1._01ay}kt+GAUxk}|)8SriPf m2-^@SjV^NnNkڜC٘ev`'$p驓}N$*=F7fY.RgdA&Qʂ|iE^]QGHkz_l[iűc{LixkYm~xyD4`( xP7|b!9T=) -1b5-{l \@=v*o`%R!~>Y9. ĕG`3]W wj)js mw߼1 '0Y6k|JQD}&]x%2dHr -G3@O9bn6  -غKg)\度y |/6%|JqC+x:6]HʬWH,@|:=dFyyS -0H`R35do: f w,(~E$(öOCV2I" x֖iBT_VZv4+}fa K!_sE -јi@=F:P*imϨRf'-d3eLL1;Q -uWܦ E3&eiereeLc/(e]HdN+'/>iWj4pAA.*e*Y$]lRi2vˍuQlVF iX Ix}sPX7?07yI;%=+KBhqWNcEE>GɠRvɂ[\]Jޙ.ҕAL&!LOLm 9V8-P2F&YOrՉ;5w[m /Dkj9&Jb[&`4dWߒj n5bJMA[8TV@_3aGsHyc#)؂o{*@:`އ(Q O^@~M9qoދ'ew Y $^jzިkk 9ɖ1g=J載Mn'-ѴoP( ;=AgįD&P}|ɉ -i/^SV/\j2 Iv[Q&w3(eLV1ڹ.Ƽ7\Oz=;Q #٬Ũg|[W% -̔D/s^WP{5-ڢ*p{/$ZfM!HBЋVB W$8$-jK?@Pd2$4$U~i)-bE@S?]0Ϝ<ܟlܵqt}Ȓ%M̃2w{,lʅ H -aS2=W4]y]wl<%;m*_hz+@KFwɪG[|ujj.b.lQgB2z)4r rwGVg691EnPH"n3h/e?- q˺Qz 7c@Eo=nnH4#% TW6ۖ2"06eb*`Mpϲ!e_R:CE|Wd+V}^i|t$FM]`A((.zg -0&E./T_̈́МРJՕ5*nr"+o~׷DfQ -jǟGd2j sBM:} Kj8Vu[̓-Ƒr#{Fȿ#HI$E@K|JQU`zxǖk=g)v{ 9z s{bu+YxW"D$~&ӵ:֐z@+ӽ"0`wA#5}GiSXM(WJ(GH@@uY'Rx2e6o{:JGȺ9L3(Q,uRpUםEizuxP8OڋwltLJi# 1c\0}X2!]]EHȑRIB92]Yp@(wc<bƻ=Y-]i͠A,Rh+ |)M&`Y}wq - wi=Tʽwo^`z]k(;vן;GkVUЂ|pSLLQ+7B~kmyB^i|vRυiŤ_.c -i!#Ù6zk DB#vJ -=H]A -4H5B jr>a&$Lֈ*oqF)E%ʛ+AMdZ4Wb_5>%_KLvU%Pf*ro^q~?x"~ ]kV "-(Ce0mOI~_r0o=+'ޘpOs0%Q0Bg}!N+ t P1>8W2mmv$#9ʢleMxxӕx3n)e%h ڲIܷGÓUv7Vci`4DTg+n d;fZqDC@H`&H[C†HGZذ ,*t3t:G "xPI&|"`Ye}Zy2!hRؑVn+A|e1BXm 1que8;n5{Δ@N%]vrOqŒ -O!mh)e?2hpQ8Cw[rzP0Y⨭\̊q~!s'gP#m\? BK5|j[UShq[4vIwR뜶 ̳$? -LzCfDND{zŃ`5oά=R8IkpHϟ.#3$`<ɮt۶o'b^$1N8 =0;:'/rLx9:ˁY3RS̪Jy]SF̷yPFk{00 zu}+CpAY:#bqOB~"k[5I7~eMD.6=(  -C(+h3ghcd G->NL3`<ϷyISttM9H`Ӭ \3 IRUl0pdf}86(G$`Gˋ+=0eDІ5"ps8=@ҙ}:J췝 0Xr=PǗ$w >oP -Cm|מ[XF x |TX ,5Q) ůtMc`gitdfO$׊cҒGϖgJw\az7?>8qHAn9T }F76Wt[ʵg{&|Z-4oڥ휽f sa0T/U98/p[)CW -1%>f:@ZHZto5TA;_旚/ΊD~rAc] Be9co=gf?qR͌D+M{)zrZ9Y5ݏ.v iaN y<8(>Vp>됷UϯYw$ʯA7$nФ>w Ou󲷚[]?AMD%rݚ̌(h#qRd?2<;Sz -&TڿbȌ;q DBIs+%njHܿe n,~]7@R{%T͔0N$wBC.!:46j^"CWj9Vz0d/ot~ !SRDp=mX1% -T<.Ŧԟi&P*csf;g>2 -vgfQk_ubi(H`<:@nSk6s* 3LA+ϸb91kP ! 2ZK(E}칶q.Me[`DFkAXG7ڶ@:2O .ĂL9\X56fhX3'_.H,:% -@uEkO*e>|b=(")_K:;r"kʐW0"2?b9I{ސE[EڻM:6_׎!gQ3~ j*Cc"[ K2ӤnV%!KnSA[|pYf;jrjz}:D-&' -:yh f~FTtFa3l# ضUAV_ʢi3/[egVri!X`*|&('lFX#4\V7!NQsϟ#h -x{%,xYwʶ8Ѧ5Y4(T~dh(K 'N(MmxcJFr;,b,2^Ud'?v!F9k6?عW?Qx^B\rcNKkwAD[hr\Ӛb&?(zIq+4BBl,d[=B^3-~}a^0;!E}P(Bp¤Y4AZ7T/:t(R$w}ul-[ޝE "BE0ܛ^Lsz/΂kTqC2LŝaO/ V°MYIk$b#e}!am]NYnnCrF!H CoY"#BuW+9.e皍~_u\JqX7>D~RR#CNbf"46f4)(CG+9I*M 8ua=siQٝ<p6犱mn>:FBw8O+=bW"1_P>t`\?m–uVbPhC[ ^'L ;);(^z\ue㕒umaDʹTYH"Zdz̹fܪ,=mIQ Tꦿ&n Ӎ75:ؘ"DJT@oR2.|8 #hsw+.w?,6V'Ry1Ulg"# -('X_h[@HuMA*EˑΌr+XFqOC'y`C2J=mDYG=zIQ#v%PeP`,M p]8&[gGG ޫNy -|w*Xbtv8ٔ!hBr]u!raeY=G-ϽU &]ӓRBC!HH%E]xrX"qY;K9]"z?F>A9?7+v~MOr2D^䎣҅m{줙&67o!>¦D:M//JNNNO-m̓GK~/?؉['-12toA!j+Faq69~"Jr]V/!d--sWo, 5I2 y! KZ*h5=m^k;Wo*ojOWQC>r.[ LʰZEoB,|7yoJXdv(YJEO©&ruL?no񋖽ka㘇*ϞKP+ζj |Uoּ8䛲^ϴ!?o/ ׺ YsR:Y2q?:5K}č;JEz Q#5l9_k+>l+Фw'5Qξؓ-χ8VheU^`iϰ$̡۪5q*Q :w>5O@!8|dh`!/s}/XtvwP>^R>{jz]5(tIa`_tw FCAb%[ R3J2㈥Ԭ1tàn;j^xِ\)tgp󣦭2K-+s7aWMgΜ+U,_뤯Rր80ރ.Gqxj- *q*Q} =ιDDNO*jzl'LUzsB̤8"cQO|6[[Fo߼DG=_TbJy ԼS((&Mb|'mm}414TKvQ1$ZEFjnS -b'÷ÄV7².5p 2sR5xL@JlmxLWF=0`PXQHTnxdπeO,*7_R F1+lG.78jSډZݘhY30޳q*DGRF<# ֝FڎĽH/POЊUGxb>ˑ#~I.E_zwj GI z:Cg+Biggë]T:(&+2!˃~"^ķ-BeԈϨY2,yKODO!}RnחBdE!@zS씽QdZGՈ k)Q+6ɮZ(*j+,KkNt̯t޺{cS&KP6NZ+&vjjJQ3//>Ag\*( \HLbx_!%4=#E}~΢ayZws ap ->7 -!'5r_w6BTo?_g Cr?x+a&mDdK ƃNuVڵY/H%b﷊dXlHh|Ci!s -K;K*hј/:pmlFm>3 dmE,f۞8kg1 -Oc롱=pX*Ф=q|U%#Кwxok^M?5)nFz$g5  "N: -XR<]ǻ_uQN6#':"̋y%z.P*;1j ^=O`%H01#Q^ \wAXaȉC$`7u]'ޖC2X]lR6I1i<-݄=" 9g;VS Q1Ud q">_tɮ{P\[0ǓXo&+9_UnzHKwtameCWF.ئVM OV%W2yDDmGxdM6xo{] m4*<04 -n@ 5r4;TۣjvqU/u%oqj_ivP.4WX?|_^ٮ`\#cS?OB[ uu8l#ւ3^DMM]g9{WQfe÷14by&i~\g4Z:/+Wgso qffR#a?9O2:i &#>C@lՠ">iAd3Ojݞ|0#}B2k~jEVCMg7O ~+X ?6wLٰp̦b,9-0Ն1OE 8ZjjV.ړK7+fqr-r$-"P itN!AW4V E*^!gCLU5yIF>v '?߽ ->ON2Qm߄#擄誦-÷R@]H7Ռv1x6Ǭ:tV60;Щ9Fձӣ&î^P~4/뾲W}\Q~1iQJaROՙ2gQBF4|EyYL{⸹܌;C.+~`:]=#[bm[^3!'43 z_w֦c|);m{:ă Rhv7M,=4E4x^+&<:%҃]}߱ioenzI(aRpN!h1eM v)QHTHH`A?`@@V*.Jj15`C)҆a~ -Qnb@_=; -I,h#ަXwkl^Tt桋kݪ#4晞T9zU}{9k̿wLYeΥ+gH!qiDO-rMzHt_ -5[xQ!MxA}NTz&³~7ޟ뙰䖨IV7kcy2 -GjӸdԋGĊ$\}wP7D_!3gyT?NSG0SʣIY50A\ VjLˇ1uiF9t2*(pejL% Sjc(?7'?'oqD8ݪ-IqLm;-YMcEgJM $Ǹgff D]j?1Y&vso4}Px&3Db mtL/0Cp3GQ#ßp0m_zڻC/((kbiqG^RTď;5Hn;J~IaCG::2Dn -@?8ߋ.(ف6iTQy`kk!|<**4M8 m(ltX ; -̰ M|fynplgbQZ^缙]uk㱦w~@¶K -@(]iA?ytmGnԆ$'*BL/5r'ݾ\T`ʩ7R/-iq@ez9n3ObUnU) P4kBER [[:B} T`H]G@X}p#W6IڌR8cMy+;}H(Ò~y1U6|G_ϠcO[<s35YR24PuB-ֶ|f{m5oa0?ӅWu_5;ztҍi+ҊCus#}=X8maH-$1h-Uc?_o'}H#z [k@fm/wd߹I>j7 -y%ܔ$J8HiWo jOfͼ<լd003I~vX$"_\k2 Vϼ}Y!~%B[wwe$w,/g*O< ?x]e)uq9!*AU )z쳠]RL=uBm4CA!$LCP&yma4*3ň@Es -66e:ŇmPg;ұ -{I"z]{g"b<"\0Ʊ8jK@I`?NccN7.uZO#Tfx173Fqy'vUS5{+Ccũ\1䏨ofP -]yQ~o,cs/ -([HYxϩ}<Y/:EHkX3,nIVKI^hYDx3QA%- kVп/!`Eʎ+S7|iF Cs?!\ WNΡ7_n!n&LuH\JI禧+[Ў=/Y{ku_0 s4\2`i2+e0>caE*S 0y6sse֏6!Z2'](XU+#"5ϝW~Z$Bb/F)Zͬ Je 4,dƧ=C|*k`AHG?nzimd8G)Sh̏?;@zu5( -^g0_ssΧkEWʱW. N_SrKAWy%ZF|s^Cd!S>㱫Й q]pw") -s`SVT~vPTd*xAMq1@4aw!ٹx18HpJ7Yd]wbɭ$>=yfPuVPN\Hl>܁Գ@9vC$b h2? '₌(•`3M,Pg)GBhX]sYIR0#nkrg%S[I`L6'EL %VR{5<>.}\YN?ƃ& ->^FnA-FЈ( (q(EuQf$XY!bZzM,>ڋ')y7Ql`\vZЂ;9eD珂ze|'^EkI-'.'6SeTUa^bmꏁY6 8 7ೢVreI*ѥvл[*9!(G:@܏% zR_f,w*Sp6lV8xFDTxZW:XU WG.=BGz$i:b)iņO0٬td9q߹/XA#3]{ٶ#S1'ix-`ENj!FuZH#;/sNFwpXmT>)pe_Ѿ_ -2fQsfe -cNKM{,\fx![h'2 _u3p]pStv=^eG/eHK҂mwƮyrUV},񍱾Sg~r5:koqp 7#V8^B! G#+T)he P\ؕ-[,TS}E2=F~,<*dQãeE喱=JṬzpŰp {W/lgS=LAQ{][)Q"A"e&շ|z<:wN"CAJpy9聫k6vЙ@a!~}J8?֩S{60z'8s:A`]DW/c31XY=L2@|j\DD\";& vpg&f[ܙkJݨ*eij?Jj| N:Al0FOM -=JCJ`npP@}eXc@]B@sY2C6C J1sc"ΐ;umG\g'_iQ}`vsX&鶏&8aMwgQ st(M{5A@!ⷰnѠ}EUTPm<gҲ2b!l n"Bw҃_8(٤b?:&pz$'+ kl?N'#zM#Kd -nX>,ᙋj P'>ZIgFWNRʭt6PESS&&-.0Qc+L|f_x(ߪ\Xt0MNR -73.P:Ri E̓C/tA13O9j!yڃjɱ#geEZX⡎XĢy!A*OM a71PʋC;7naә scB͝6o5u-S_ `4f|[+MV; -bbZ -!ۣMۥ| 06Te#,uyb ԕLFt;ˠY! V P -?^'Tg-#m\Z 9)R8! YP54h% J%~ن4d|iKPa(\^P9X 4oG$`<[fC (Z FsrUk( pKlH? yT1&3ndw"H9'Y%ŠV$V׌YmB]MjIOPOĔNvNJpu&8?cpPFTasߎ|}msua -kGcs2 aV[?e@28@2^/5M1`gd&%%㙪>թd,5|0K4 gq9Qȸ=כ1}SE^nEheFD*uB`+]@xuh|vvݺm/$p?ճJTuxoHIKbH+R5eʞzٝXOǚ%I,01pYs7FDPOb*|U@Vu1WYeW x^pͮE0dX6wA5u棃049\#Y zaĎu;m;R#gzRoU,/sB}\|D&?-aO9"ސpz-}/M ӻ$yky"}0,TInCLV F+SP0hd^#}cAvtܥ.:J{4Ђ* $RBJ[/==N=x9wmor=.oF(U>sw_!&BwwëJ;eh) xU7ow!/CR)QgFݞc73%mB- VKH"(s:8 :Th],u֐mWmg]hx7$ :\.Z'`?+*vRf(ab[C-ʎe?Q++}JgI+ѮϷfdpK]`Z r.IiRXR/s7(,yyboJ@If3$BP,0ț> JsVhq -KۜƅϫT7-iаf,rœ z\_s>DI\;&ūV6Ѩ -;E][ۢU\IqCC:@ΦYn޲T#c#JLq,rěQ23szg #9yˌweRv"ey+fSS0afCﯫa知չDK4\GĦN0&,{ݤsó1j*YDԈ_G}/>>nOtpXg֘CDȜzT5(>BqWTX_2ttb_[iڇ: ?ISM@\%pd~ʿaÏj"&wC1 -*AGi -9Pu hȳJS8=q_! 'Gpo]b$xjm -]xԗ!V759%SBNl4Rm*OA L-˂ҖhqBNlF^GQeddi|v~\h^J B+F& ̍%/sVLNR -_kV -oR Ձ)jEqw/Ol%ؐv J%N$)[YMֆpY0+o"oa CF-]=Ȥ_)r|v4IW{-l!~FŅd:1cUyW}[jPV9~ *L۵Q1/&jC_ZG_6k>~=?[]zz.v/;.S6䮥Eynl)n $r[`DSqjuࡼiR;<`Ңp[A[ģ)F,ZJ2?)^dZ89}[Ga<6FBj/}gDnhnCqH5"Rq{m8e 87*aX,Dً@FM64aĝNVbz])1BYEBz2Ǒj3)":0YRA bu4:a ;m&A e= 4jڀUߵ~ħOsSH'{1~ oܗuSHUF&Q1 fʟs1ch=8W{?Wk`>: aOѣmѸ g,Ɲ122 r9.{eߔaд>C {bTbF+Vܛ٭0zmfv5zmTVd`}J}lQ֎XuJeSS Df -f`q-CyX -]+R4uz}vG(%1PPC!K6)!@6h3E4Rt~ôJLr(h4HpOdHG^Y]Xqǡ(#T1۾Z/OE1Z#}k2qW`RdS{93ȔmHKT 'jSn~ԫz<вjNq#0/i:qvH'6ÿ[nYNa"ѡH}_߿y mºn$.9y큄l9 _Y|'BH>Q8 ym:.5YJLSU -'B -~\;UltnIbM,'G?zoIQ F$K^Ga|$:?:&'7=H=p\e2e@3<ԟBCtwn"(~eGpۖ AtAi*J#+-FXoˀ&=9_V7_L1qYt%)22K,5/67cO;+)sS6&zr`LB11HI%ݍf3 <'|KW:JYqo<^,SD@nH4 8Q Ky5UH2r@Ӗ)n 4PRu}7v ]aBlxsQ7ל@ 9WϮ>$nDeMADSi$S\1Vu):79F&ﳪ?,y{'n:zH-ɀ* .u 1(r!o-q]1{I[s-qCs}Q^WfkxLV:ƮWUi$b8E.hK⁨:(Zd[/1J>ʳ tFMI_wD&nC2.;F\3Xr%2'h/tD`?;oIEe&c -͙9q?/V'>u|鄺=V)eͷv()hcNyS6D9t[}ruIJaRyˆ7,0(͉F^NG#pv 4"cEF&j^HWUEwSf`!}_lǏj,f 5? 9m'ӥ.&גb;chqRS`y@aaWGq\04TŐ1`:^zޯIt`NFGC%ZJ1Pa3ŷ:MM/|SB '_'hP<`lİ>Q/?4ɕxps5Ľ;G͵&KϬڔZcSyn9MeXd+)`G3O7|Xlzdat_W(fYz˅&/ShRa0&$<{J3|gZڐ?Y [{xmѨqu -XfUCYIyQL{m w&[Z u5H½=Z-'р|TNc+$ N']`FHM@rP:wCc1AM/&ٚ╮VsCG?1w8;|?♗g;[?obvN"3]:߫6 1 ! ]^֣ӛWDVL)|}'XL#Ki&-BMG2R))O}E8{ lG(lin$d21Mm`xL R>?"SJ/]!η$~rLT߈-EvLYdsIɰdQ䓹O V 털!f_Z}ۜ.?F%R(7 90.LUk(/Sf OفzvѬ zQ x6O,r -^8ŧ -.=8v{\)[!/?1ҊVvSki]sە/7R~ym$fk=z.m&l^Vu'vDʅX>h%IMbKI=>k}S/kΖE}4YsvAsEXb-asr5Q^%ܓ 4dgA`.4~Ny.I!=\_YsJ?=cĉJװO7fIԇQZ,NH7I|y~v},V1+¾omƝ#ь u?3Ĺ&&8)BM |5m^r+xo"*xƲ * -)D&pk*]* 0V %>2mT,X`|iR+1F<&0o6 %b3Yp -EdO}R7R:zTJB7c^&&4rp4Iַ¿nx/SBv -Ӳ)Ũ T{$yJ;Y/؋4eHU wz_Wi>V{qp԰QLj_[bh#Ӂ LPVK(#^7 F}78<}?Ҥ*2BCﻰ9o̟Go a"+_V#eh-;;ʧ$|[מA)?"@&)g'pZ}z {P3e}aq2ℯ -endstream -endobj -854 0 obj -<< /Filter /FlateDecode /Length1 1373 /Length2 26888 /Length3 0 /Length 27856 >> -stream -xڌp]5X;NǶmvc6;۶m;;;8߹U{?k1s1MNB'd -46ڻ13rDT,pV.fpfNV@{ df5rÓ]mL,&vn&nFF3##NQ#7+S=@ho G.ttt=L8hNٙ9Y\,hbd PXxG *^Knwwwz#;gzWZ%@y#;&#ZZ9]܍[+3{?fN?Td -fe!==7BV'=-VfqYzZ_D#[g|#7#+[#?;7 ) x&NV.VW?,fo*3wq?Q+'3?][ٛ5返?`f.6F.vv6F#ĒfLt - `je06`3.G{Lƿ>G^@{[} Z"J4L1aa @ `bbeppp|տm0O9O:vWT+?k @?"edc4[)*_" ;YzK#ZW?jcZ93S+Wr1c!{?bcbgdr03Ur1G2jYLl׻O#͟]2cWhϘFNNFpfcHS3 `I`tZ&NN<l_ mfafhb\'Nw8 5Bm) MbQд{2]qUeP㚣cm38 %V( ,ZleBK%I'UUJm,*I+s_'.sbssp:m`-{u:/iɤQҭ l" $8va[[o#," -~S-QY@6t)L ^elvs3Yg{OVIl~pNMb/\djD"RQ={14m}z֞:l_/c+-G([杬uRHQ#Έ ':}Ѕs&"6Ps' J>$4Q8k.̰ "3N}bfw[5p?'l/z,mK& v4ՇDGu7Z! y/똍/q6=>u :+O}h7u_*6k TL8L?g#@t%u}%} aРlˆW\|}uiu -EQLSɹ}F&xDNօ:$']h'z1Se\7#%SѢ8^r:$'͟(CϔR,Ke)ċbJ'+Wu\ٺͲ/UHc  G|1d $/>+ȥcْ9BIg,ۈڰXLKujPFΞ7`};x}kEç,PJ05P\U%KO`W||b%JXp1t]IUX 60:[ժ 6Ok}> n,`pſCΧ%*~pPևP("\91"M P|DzUVty3g4s='M/(^o[X5JgQU dM;DxԳw|l׀<,95pM=TZ-ffl## կi"Cǣ̼v"nRk7fmGF4gDzu…]AVSo Yml&{#OsAZ}* ᇅݴ޶%ӎ\-S'X)=7@yݲ`:u*[{z YsϞImWf5ٹ:-69Hb| ;w$- 1 M`5xaaE g2P6I{).Q,β/tٲ;6c蟱j)[\f>8kVbFLj]15\d8a#J1MZ1-Oi҈lȠB鳯|*/%B*I&|ZVϽ;|A7\) ԃF`fhz`,KR\(x}62η p$g~߾݇oZR6zf)Jp~5\&`aȂ`IC!p3pDn:gä󅫪fv1di6qn }Da_t -.~Ht B$>{|\)*)|l:r%>lFk5ٶ%ߟw=cޞSMGTI`GIf[YKl/sl+AN_W&8*<,k뫾SG\W#. -SL_W= gC]aX2ZK8w>u '<9+ʷ1k~"U[oQwETa.:]ӞtQ0I~F̔??T祫*ϲxNUb;%,mRwEBqXwBEIa_尐X?TE*Bne|amw 2tl>xqeOQ08^̳KL%I4}ٲP(LӮ^#׿6hYNYTp :/vc+Us.HaW_ 4spHqXy pfE%‚#=&B,0/.-'l{$E+/|RcIX;ys%9bGp0Nf`}}xiQDWH%Yn88k:ߔ Y2wb M)g}})u9 8Wħ?0’UśzS l{0j&Q<}0{\!QItPda݃Qp*f1N/ ,9u5gL hkcbhcg7+Ai6w W#gu[Ɛh?Hy ̧9b|P/%Y - -7X0? %Rqlj]I+j]X|mթuK-p!-ZPY\"'r\HNM! $Z:*:,N'y]LquITǯe$,z _ʹ9ۓƙ"^Wl62NC

^.dlO7#&D=C[G(Q@׌L3Bɹ/{-B|RT>{s[s'h6Yp,/5fnBc_pkTLR\f8~_ [:!σ1Q&DqI`"$.Wy(^Os %$Nj밷AҊHYxSܗ7-R.Et~T"cQěMKM Vsė_Y) -u ,4Nz6Wd*:k?mX -b֊*_6SM;bo$4Z;+\O)>:6=%DQG =\ݻ,^<}~iBinO*xI1RI~ k<~R!4Ogs:HĿx[(DWz}Z$ȶ)i<*+P M^_}K]ue%(=WT♰K8:fna0++:|/*'*,Gͬh0 lԸIf[`5uҁL^٬fsT$bH(IG&#LͰ2br2]^py K[@[@ĊSp)<"#*X_'Z -VRݭb]縳wlq c Nֆ/~GZcWl]OIo/u?S{у+e 3KuNCSE( x8ġem=AȎQ*!Z܏TH1@*F_D <YOt+0ؤ~0-Qt#A~%滿Q* ]0 0Չ>Bx \J2(ܩ5=+䉤*Xqr=ѶeRb(c=Y(}\Ci<0WS -ʾ_h+۝6: =]5*b(w F/ܢbUu{l4B@v{ԪUo¢.xP}eRO  m,ņJמz3}ӟ`,^Β}KKRsy~":Nw&O1}V(}ĆAIJ2%X8w憱"!GA4mPtETL,gZFy_VHN -~V sbR#l7rgv>wԸ3=C<f\\EUf{ijdUtrEoc -£Ol1u@Ƨ=~$wo:=^u>l1m9O6 ";> -};q -kr˧"U|: 7*Zwz-En3EsxW鋕7?j -)]3Zr!QЅcezӗmd;a)e['wF J p1|Љ1筞]X4="eAue|J/>(1.S[~9ȯ4ydvK ;lM . -ftnSuw)eqL0J -39 )FO/zwr_0"biyus퇭QA=]kS韾* ~`<}SD]<7`- K -=l7M2=N/ݠ$>tsG<`_0c<2mdOD}}3biص f:?Ġhy:tہTp6FH Z| NƎ*(7G} ZLf8Nյ\5B'qb-͍5ڣa[Qz;VXhr$?JebBԶv Ayi - Ļ;y[ ^Vf+,h"@ީ].q!t`U-3[ Byw>M(ny$6Sy6 -,Ɯ8Z5(o߾J+?&aHآ52OUהsKSVH]82 fT YWU*Mr,.{IgT<Iyg*_GQ4Yꋈ16I^#|;^^ERA4!~,Y/"ebxYR 8Gr*gK7n"ᡫ[;=pg -#/VclVjnuT وL2pԼ6$k?"N~ObMKõЀ(돔4ȽCr9{Z #O1>jd/k@>6/ l㽳u0{2)P@rbkk<G_g;?5q"Z}kZXAٛ; Ο%rQ@ɚ@<z{Ȧ Ar'uO2"EqXSzӄ}-{Ձ=]( -h -,GԵSe־^q)$u!°N : ;ii0`V)5 A,\Y,4jVB?Cp5m o#D+06^~$'ePtpGۃ"+!kѪ;ȅ>՛ -6J4;OL.DӀuOęYO]B5eɋqv/'i_wbb!/eƀO忓a6W{KH䰪iX6&+8| ýiZC芒egzo7Q/<#JڴpwFrЯN./iO00+gikો60&8 {d1-^TA/F Lg \\a2 -RDh#ӭUa0e߁pN+ff/C.F{̦c7z5,"sfAB]ȭG0 L$EXc Ƃn޸dUPd9 c}e|8Yd-(RLnlΏ#JX_J(Ct9$RB=ΥHN74hjOݲ!.ø)P/㙊%iHŽpA1qmffE@>a0q< -N>*L2k-$S|xٳLNi -ULƲԻ}:=Jy& E"VNHNu׸AeF_|n@%~$=F%pt -c QJ_O2 <ōpG` ^67՝?,g$ezCĸf,dN-$FFNVT7 T`̲Ą ʴרッe^'mRNs:_䀐t4Lw(yR5A&[Pimm U^6"]03y뒬֨a6!D @Bk<dMSZצ ϷVoiy 'j{7!^rT]xYz/=r0$,$T[ {y+N#/r$I..O#-e9cg?Nwqi~Ix|41?OE+E1O7eC ce\=".yRZd|/ τY`l,v)Lf;CGiMV+OcTW/~??Z 9%"T$:i${?N(xWO(wİ۬fS#'Ȋ^섥h{[ wMdfѓso\s ^L$VZTb@&ƀדV-5d:;MUA$d)8p@!LdB6Js(QʌQ T)4%zqnD)` ҹ{V~-`F],. -nKf~  -u¡j`Bk(2n'wߙʺbaSC2XrgҶ5M 9.Dy!=9͹-ɨ{+/xoն[9Lb: \MPY0m պV_!c۸{pzP;D;N|L!},y?ѸƥiMg1 D(7 ]$ܟɹ5mrTS뎁 -MQ8ؗUlb`{[_'cZbXtF#2o=ZS|P#e N`LF4+@y㜛۔0DU*(O7`|zEmCM{̐>t s76i[ab {xajjdȹέ#͞v"Lb qpS[GG3UՁQ`V&8D;bW~ =kIP|WЄ`2 I2啩AFZgw`t46 vŠa h{B\[ -bOklsIC1]l)mwA=QkH0iXLgbk^N PW(|1"}yAc -:_HBWCC$3." -t1Y:؀$Nm?}Ur8&ȞN1vGish07!|}ިm6  w1œG-h<!2 9Uc5sˇoe6ܐYd,E?k$]aFӵSb{g-ݹ4퐳^-?"|T2D[ Ϡ'}B,TyٰoᐳN' ߣ 2v>Qzjx D0%iFnizN5p !C)/2qqZ9U1-_]`g{j lG:S .f G%1bE&Hwu#_sV5e@ՇG4E+ V3ƻˇ\# 2nD}u'Œ֖ e05^Z`Au+$4yJ'q8'7Sr҅%V1lC07%\8nuwWdS{݃8>!4PŦ*vƋWZ!ւaԆțSw23.څ SŽB *rm_p|t;3S -S 8DJM[AZDtmb)}{w\k..r(LQ|Fr 9KvsIY+ȷ4d18PޏLNчgu`][ -?p 85aW<_/1(™l1AP:Du # :UeNS,

Iܜ9YE[>k6oÚDlshZM廡5PFc#͉Ĩ{33H#t/zuŭ4ڷ<\e ~%iTm4I}yʖsMZ̟ 7K *z~l ^v%h=r7i5QΥrXq|0UHI&4}T<^."j$0wF'! gA>d'4f -)-]\֣3FoӖnӻ9 d}E tιS>ưBp+Dajvܬ`ݔk5"FTy4©M-p΢tdl暢zi9"ְb%AWxpIc/|~E{n!ryK5^hm(aٛP] Vѵ`sz #zb1*5O$6sbd[ɦQ1&Ѯќa(Xɦ(BcXRɩv&S̭pH)!b%ԱUk` %mԋq!ڬ KA HG&XWՍw*re2_z-qu16LkPe|ȯգڟʐlHI drw|')+׻1R2J*=FjEN cAb84{.{ *<{D\~50oxx -9ls8ݵڑoe [T Kg rUQըտۋoY8M+ȲG7{FmL2|MD|j!uFselgxr|荡 5OBI XFܟ92=ϩ3.-9hxP$xoG+0k̅ލZlb}+grIatQmZ"ZZr? #>z NK,V!g7J -eZm_76ۖ\4X_Q؎2h кL@*EBe3'F&Bѣ(^)SToR<Ұ,OM]+^P*˥vLR{*0z -\z@2e`# -[ܑL@=!!`,6۾ξ'B/l ۅ]<$0#q=nIk&#q!;J=pwS}K,X4_H'th( TV n2Xz7E'\p"vFti(N$w Ӂ1Z|rGpY /bsX%-&t&G(vE.%T=&I>J'c thWj3f"ڽ >A-4p|LBsS.'>l+@s4A(_ Zb,ؐhK6 GiX:G K3: p\>DVP&Q Ld:꬚ dh8/=9&'Q UڛQbͿ=$-D % a75&ΒtuV -2O2>FpYj Uhћ{q  xA~C|a3ܐk=愆`oo,\V ?AٙBp韐\l~-6ݕ*u;11/h?kɈql$gmm}ԍw-e 7}W1?K5mW 8:J-X7x!잴T*@)؜I^& Okzbհ#A\wȯsQW:$kJ92,!7|2#nFv 2 O_Z!zAg,Lp^ETlɁ|Bb|㮽Pl>2DŽKd"(SIT錚D7Fâ RC'\Bv|Ld6f0513rܭ60 +˴ w: 򓍽U~Ք~ ʏ4,e03h|M+PTd<Œb=b'"mwc"١uSMaVa'I%1bkwSSS?RN*C`C?g.P.B]O`_ SBgC&r u%ږX=&qsiaנ rGgz4Rj>\|܃DEzVME/dv6@R*~Ppl+͂RZ/g-N+Ǧ!bdĦ5g} u"CiJ(ܐWv, -?cDFb>֐\Ź"["\dYXiavvJމ3M{VU:͠K -}.zj,Y_JQ _ߨ;wjv~ *Y?yvoHUI(-CfV}(1OrfDrf3.$&ۛ -_LDf Z$1Kt%'>yfI<9AzvהYKLa҆"=kAV+]$? *KOdcC }6JRQ7A*wk1^elwQK-(B7R,͝Ċ׫Y1 $[#ѝҖ:#y>0aJtҷ ,iBhU~Pq@0|ԚbwOP }2:xxVnDy$į+NwU0Cq\ÜpawnbC5bdTo 14@ĬߗHaĦv6lEUy0X9ζ9#?76{Q' $> w;Ɔ{ :sEDc7;&~ZWq^_B1 -*9ť 7'6]{t0kW &hWS>e$UTc)u(mZ?"ՖJ ]B,BĻ-/g`Yn.&`$aE]7%9'vymڀX=75bJJNghXQ c쭆t~jr%/IY3WbܶnabAt3A5JaUl==O2uI #?/pu/z3|IX[Hՠ$2qq28/nã3ӌքL!$^LRIe{\1Saai OXAby%zFN4k,q=Ti{hc Ć2;8D#\zvonn4.Va E/łzn96Exg&U+C:8 +̹L=F4v?f.ja)xP=1N @fn*6fC -ǮdS AB[V}~Fl&qt[+DuhF-ЈcaE+3"޾CZ<bzlvʪc;ko9GHpp^k .HLLy䪤ʬ6_|iYW"YptT#4yW/狵?e2 s9:# N/\T;n_ql7JM)xӃ}>W8if|QZېOamG߲䚼3 ᇊ Xaw&"/tr~=:W(I -qL!@xT]@Ӂ0NMV=T% ̛Z?+djGdڬOМ>ECtQ:4A,;G[t .~B3cG;5^.x}ɱ+F:?{{Dw_xʱ:aK$cxtڛ4ڞ,ј᧩z!!qM0MͬTB]Bn=Ȗdu<=g<u"CEVkqWKN2b>*mcmi&n eх7p9U1B7'd( Jo( -}g-慄 Z] f 3dM?-*5H][ ִP"zO O ,7j2د/B{|gil>);/,3&ù$#h5^0P6#"IB>Cqޞ;ԞT}׀#MlDYo(\ҳH&J9dYV -`_*,o}~fz/ p)!RZO~s|f9D.v]s!ѥ yT?}5\4t-W,^toJwO.ʨĺ)כ[7 Ykr\,!#$=q |dwG*Qi[+ݹH~iD6 𹧝&(fd=u4f Arr+v]VtS0`qڠԠa[UfBngpC llZյW1Mlk%?:bF8R!AVla}L -<* :UbG -0?4 ?;& ٣- -n )9YBhLxdOijaY{+Z˔ QMLGBc\ɥ\M-77MSs^i^;^,.!7Zg (\(ܻZC)L$OjUiяOV&Ή| 2 -B[_hh=ꡢ]XU[ ocH:V-zJ&p߇Iㆠ̊LA h3ÈOgo@fR#X^q.̼44F8J&;2,RK9bԃ| ߚJEgT{yѷ^-jQ(nԁo2 -hEn{$m+}w>Φ<.}5%5?Zyu*ZLwѧ8xYru^E}cS,GsD\IWfqfؐb"VZuFTkOwJLF☟i0eIq"7e -H˳ 5kO3(P]9u~e= -}D"D4TGmJY3J*n$+)$BV*CfsXa/ Rs C1—DCtы=/xW :Q`ʝK0i4$MkWKmϻ Է: =H5vFe bhQpLVm4Dn)ub#<04os&S״6\WZp#ttc  PQ j64x[H%[ݪl- k0af!!'s?l20}ڵD^c/\OA18O - ʶNN ^DC+[%t?k\l9uS11x#$J5uW7)`QѣWa~*mͿHаĴ #Čj| avWYq෾Iu;mԛ.c,Ь!3* :S7"bK=)6Q"/?e9Ks.5E#X HHfȰC{XY(߷h$ LDl K <s=9s1+ODlj,ȱhV7x4&3D&Ԝ zN/^2D@f*}iU.Fu#j́z~Na^${lmBOdba J??KԀxG.ꩣaڋ֟MP8b"3~1FȬ]` -fplN?gcN3KSoԮ)1"@ exW#Jh$8}zP[@;?Fc aG/_0a?]>C ;%p -e{y/O!3͞aZFć0_>75KT`u^ LrS65 @?[}O[ms8;"d=E;.4@2aB:yH5אUoQGk q54P?8AuXP؀Ok25[?g.&ܕo-BǷAM JĀyXSj6o=l探0XЊG08kXur#3o4//HyVj 0L[w$TP*(F=39[wdXip1'<+=z :rPX9G-16 _Q4Kd~I$uba")fĽ-f|:o gVOoWy+SR**n3Ǐ{TH1ۃ!y(9jAnO-MyK̛n^Y#K2PC|WؽY[҇2F\~+ < ]HLMvy-zHʘ֔g -e6\/ݶiiS7AV]3V&@v #$4tMBbЦW%'G.}g8F 8l!bu?ס{c+MVP2qp"cU_ -IX1s0ݽ^2HBCIȉ8?ōtʾ+CV,_8&[Ju!{rCh*V.A1f4ٱ*Oӊ3`Q;L"=MdWFʲѣ5?Llg\iO)тCx`s} 5қSⅾ?T#Ԟ.Rm&cBpݪMfr{u{ K==k[nU=* t"KV0Ew?D"=e 2 ^ }70ov"Gĸ0yZQ$c^MC- «/Y$<)"ܖʞzoZ>:7`,,epXcoyi hi߀ͤg&XZ%lv;Z|!b%HesT K俬=lsᄏ( j_.1YD$Re,c+Ï o Y\' !8UʸmR^d[i\WAu$`S&[ hnw!8 FG^]GM-wҁX1DI8. YA5x'*yX^CHq"(^[PFKY 05F]eOlɬ6dG8.Kq>0ڿ%Ʌa@oVF򯡷_Wx\^j\Nq ,:Tqw ֎j]0Ywo ׆k-@8/z@ "RIKV5_H}ǺxI !KEk:lUq 5øe -,.;nW qc2,r.1x -昤 +/i9e=c $Eh%Gh1O*7oB\/Y[fDd?;cg"N!2㓌%4' -"Y߭$oh$W3Z0Ɣ(zxmOF&,+ͷ - -5a^3/} vuZ -J'0SWpo4-[KƆde",R @cDH֙21gWV*=-?8-k+8✫3KNy-LC8_1,eV!Naq$UQKҌSP_0E_r!D:DS Kiz]I?l|7IcLki[\Mt C{w76A^, i*G(mź `rh4D`$JϹ:C&cIbЈ-lD7pUs&9PQ`&i]2eȸm@_dUT#zRxv`% /n|t.SV8=\T{66\0xm:J$_wJx8KDps,3%9mBwQ-xbKjG ˎu۵':@6 񪞝 -Id 2X_ !0ۈaDDL*[1_+L7"K"/@ߧ@:xe*^=o#-R/j!8_`[b\3d;TjZD*%gpA$nl|{j|hhD>(/y` ␞[SacE#I1v#{Vx >SQ#vwQoo{G -]^"L҂σ]fغE d썼q` -yd.~_*g VȸZ RY3҅lEj< xPzS)L)n0o.0_G PKY9.챒j4+/ևcwN:d; -Q%ŠkUcNZmpgnh"E=x^@.Ĭ$rk*6Nڽ=x{LI~ߖ'z}Awa W켞r;b,VFX./zaE={d4O'6޳Nsd"6ˣsl#]oK$pq_s@/Ǒ|0#0fVTgQK"z ρHq\HS+D.@<s Hιxt = WhܾtG\lK;1Y}hagtH,ٺEoVkąr*0[RYV4qgF3p^^ DBy6x%iƲ1%˅s5pw Ql 1ME&%.o!KH_V9YR ߮]-)8`tb]r3o+W; fJ%$ <3wl7xaLR84gq9fNBS -(Hzfwznnhު9c 893uk|J" ѳPMޓ ss_~9%A_@XvxC KӘqbZkBxbYv$cG*/[[VRN fe#!,p7/fUf]pD3A<=x V;xlW}{tw{BQ\xZY:E#{}Vy# ql -e$ͣ.:V[0ip1Umz? :aKN%OJm.PᲦHxá4suOw E\= @߸I|Eg` -I,ǮbB)> µ#{ĩrj5M%V0}SweEUԘ*mnۢ6g+}ݔ_ˢP]aхFVU;ܸZ.Fr_zT;NZ@%ᰔ.33D,QYzwoEH$c,aͩ$V\}3R Ok4"@5C.U\!A4<{帻@Q=Ζ%0/ireDR& -bdX^ER'=Ǩ0jn"+1(d^,^ng lKW\Ul_;{}~zeGWdq(glOWz^ qpt 0w -dqrDҸ ƺfp~W3LU!k -}. H&ճR~cR'90fS,k]S!Mג;c60eVHvb }h^kqo>@nľZYҘbQS0xFa\IkK""`:gU+76#ApAA}5qD-R - -bʤ#P{k -]Ⱥp#+mS8"O ax `3@dE/$Jե~3kSqaч07Kv< -Ћ%K]Y9~ЏL2k,V4f%.n[z6 -&"hmY![)Ϗ,]PU ɯu`$^Qzq ~haC~"0h =$sޙځut1CkH^X:_Lz4q/p3ixֻ$N_m`9nw`%AE* Tnk׀0ʫ_9;Vl&e!e{8VIv\tv@A -(:H$Th%(%-gزnpV9-nbQA,ZGҜ0ފ11rt@zq_Htbȉ߯2@YyGU@~-oY~ |vD3._#T.Ւ$D| -endstream -endobj -855 0 obj -<< /Filter /FlateDecode /Length1 1366 /Length2 27424 /Length3 0 /Length 28388 >> -stream -xڌT߲=C {ݵ] ][\'{{ofkujWS{5 &%$ p %\44Znit@. I!` +'dg/ E ( `+26`p1+ r@7-M-qssdcd:B\En6 +d a -XiZ6kB<. _7l r)Pu V7prwD` [l@UY%V7/7fl -:U9 +m?Z::"?i R -"S {{`'? +[?MX;imA5!agg / ky;_'o [+d_W; -`ik0Yۂ'_3w?%?͗MW]S]WORep88x|w5`Xy jUG K ܈o+d"Yÿ?@G[!e?V`݀e vCuYٺY+k1[0H jϥ``g?|eapK@u󿷔[@,'/F;+/_%ZEa+79y/;mW\ߍk/%@^ eP]}hC'Ѵ͑nKb -CM;~[uWߟmI~/ sGȫx3E?%H?h:öA(9`?xy5 UlL/*T̳j.g/P""1bB_[ʝy'WH`B?*5UKHMh@@ -{59G+yMŷ$N!<ĊdE ]Gѳ&\117A4X`.!_!J.xg.wđ($*'KrU/G@/{mM8Μ!a8t2H*B}sz_X)̜F{yye@E`b}y]FRK,P"Z|/JU#Q>-RLO4+(MyךCqiZHl(ÅW]6#yE&e\ ѯs\Ԡ)aοr ~;>5"Cʶ;gBA7 E(`v'xyen -~<5'Zd ~x>2YV?bϤ הJ)1%V ,f2v0ϖo_I9)HNkd=\]i:Cn 5Uds0LIp6> ,OI#䷉몫bv뽿SZDj8xB+N2p7/K`0[tK^$f|N&:LI!E(ɶ]E}Bo,9Ī~r(6:er -;_x㉆w|Pkb1cddr%di7bK36ݚPU8 ,1i撣dpdd7)8tuB*M+MS?|ɰm\1V.o,.nz&)K,iŧ&jlѵ?nw#uo١'] SEb 3DXF煴+:n0z"67P+sm<$hY{dcԌMZd!7\ۂ!0߱϶\>iFR$j dNCkzȱ Y;\ -Xg|cJ"|rdՈ)xG !yTA~ Vxp2&hMBbzĤ|aӗ}ъF k;} |p|*v]OW- ;6G,鳅lUnLrԸ(L!n-iCY ?TׇD \AT+}!Cf$@}mI<X8[z}]76J_B7GYCh(^.cC6$1Qx-;6qg&S{|ʹ8ˉ_헕f/No{rcѬy:i1BRca= FLN7Fs֞k y]msvX,> UQI!)S9FfՅ$:P@G"L¤tlrMHx–,]ٹw@' MEI5^_rLc,B1ZxqڥxPή]$_D@&H\bf<82-˯#L/rc8sfy"^IuKV#& k貚<$+HFxh6BAO&oMċ#F;D&jexqorE9_E|qhew1C]4 -p kD‚O}2p,)"OC c=ŝW˔$<9Y*"+%.jjgB:;,dk~i:0dB@ nlG0['KV~hd/Q붲i/V@#SxԷÃ_a*MdBJ1[&}bjo0O>,oԽglӞ$Rfq뀰?n0o#=,RzH.c~Hw} ŅD/)_byyI |$bs6u@A -u VH?јӠB$zɁ4[^&د}i+ƪ&kIg~ _>g7Nɐs+9yD -\ֽ @1ct\cgix_(N7?\=f줨]J rضpTJ$~HR -Tgi;e hg3mP'{ۢ&lfzYʣ E5|/]Bt'aeW. b -|`l*aMQv*43gRi#/$lZLW><ڷx8qgI]\(ߵ| E\@.Y Xm&!=:!h~l!o.腮t.*vL6y'lsg/"jg|K?-z]ﹼcdƻ.!=UT@Y#qP 0n%>#x u <'2 wdxd,&֨da5N?W܌ Jsǵw:;=vp;E2>U{HG7Ko]SBd6( ķ6r\;o&w -g_CnZqYH_) hV62lDUD^RFc:32x}`XU˯$.ek Hm -몳>j3ޔ78 pG]I*6^Q#v]ͫW뮚TUG -\$ܥ8XTӂ:sa/q$MޞK&S)=AFlɵ L&(J`{^G$J>Jw-j[tr7P .ΐջ)ؔ^y }!vk Byqԥq~ -?f$'{u>Cn :˯+;ܣˁjFXaݛycIDn28ɦ5>%_f!ـK@Fk[RH%9#[YR=h."V@5CߕhjA~ٻڏV`2tHO/֠Hru]3.6,W{p=N]WhJ!#3<;1ZeJ: +D7*uIǶmzHՂ/t" -Y}ot'+9~+X nk,ST0z6& {5oCg Xw@!+.)O?Wt{4? bRwR=$;z>Q(K1D/qCpGSR)Ug&!ڰ8(mR_ $AKA#Vw`nS,6, dDž]T5t$=h>e,ؽ-%Wc 2~+-(}> cLco5Xf" -TF/RBWiQ,# T!<9_D'GOxXFf7@T9l_' *B6>2aY 8U.l^}g`kCa1@*Tc#,(̕y |d@3vGಈ.d':tmKt7 p39L7UIoDUI g߈Ⱦ|s蔣^saIAz{ݽ}6G¡Y.\LE=;U#:#Xb^$=GrsT^3>lS7$Wy!ok8&9ܐԤbQQpaf&J kXVSGnf櫓ڂ@n4X;D_V62vne~4gǫ̽B-~_>9jpsmVZhVJ0M: -C`J>߬JMLx!q$X6_9H'*B/d ?o_$`2Zy7#|J޴̿HS=Ā UAmt*|@Isu4m?pH~.rxr83_ )%z4X]/ExsVx~~~}%;Bhd6CU9mu*shs'! d5"?+t:1S̤v2f)&|r2VWb2:Sοxdo[j"\&AyeH\`nŢ %p#]VT_;Q&LT;Ce}őa@F=v):SͨCl#qx.F,B8$Ei@m/)F,wx [ClT:l/>^)ðuD-1M%F2BH|G\Q%&+mkݲJNQK@pNC8^UݩyWLAoV_d/3;=Ix@3b\fVIJ^,w:P::( ~ +eǹKH $ d4}q!wȷ]8l"f2 -[+}L0q1 %Th9nS-镧d0GxɆ\v2kŬ Nߏ׉c|Su!DaTT! 3 ]x-qI 9zXnX ~Р$BM1'[EaT!HGK\lEV:K AbǼΰ"?u ¶@Nl/DjG-t.\ꕩESlMٯPy@UGv/D3^O-hbCr 6c08ELPU΍ZMxI\qOs *!]gI"kQH*~l?_ny)7iǞVي\*B"Jz@|u'3$AʖNE~h6W2"{BLhNҜgpʌo02KS ->61i rۊ%= OהsNC7Ʃ/ v=;CcW:CbտgEc VCo^ڤc XGOًDם/v]2[H{u}N2vΰaZ8d0ߎ+3 PeQ[gnN<50@ņ7zv"I^N蠟FDz Pm37aopVHPCZUPLK - rˏSOI}?.;IH(PAUlǭi5·LvIGi;W؇1#g$ai1dϏjgYoT6׌p2 zC -h0-4ai5\?D2c :R3ma4j}ZBJm},g7tv.}~z2:Dv׌lAʹڎA~VC·p\YDreWjwc_ɲY݀o@[2t A ͢m wPԘ 63 %ZqJuDTri'Ek5qƃPx%łW)OVaߚ)$4U놯O7~H'fT8 Y@GȰދ6y(.ቂ>ڳ Ϫ,܆QQ7 ѳ,S^Z(hz<* q=HaHJܦg}#.V M(SJI]rb6Q$# +%iG6 o*Gt #[7[޲%;mk:]Ɔ/n偔&+|z29Ӑn Qݩ tnqZ!WeeN]kG!\~Y2ꆖVh?o^Ҵ;4mL`\:?̢S~wBOJ4*6؛E8f++1%exk=~4Nv10(IBR+-XiŔ7*mR^UFAuiZ/| J&w42R7޼_hS*E77P*'?Byr%#KY*w >-Iqw8}W,^L)ͳﱁ(e/>r!xy[c.~+ 3%W=R"[T&oYGTD++W:X#uv_0E2Mw -G :BOuw}X5׭Y[%OOEl? -/'~=0@x!Bv#'n^S/tBW֚MO.o.T*ʵ -qD!X\|'xFE߶aĜJN_sS_Yjt.nw9 _e.{m TL|X81S đo9t<:. ȿvC>W (+Qʤ9CnL9"Ɔs0ޅuRӮ17؀QyxWuÇmv/25n=#gy8:`+dKz`/bAߤ|N"dlT67o$^.И"fA9_(NX93&"Ӥ7krwYXS38~> Or\V\isfM1 ϰUFUq<+p4cr`)T*VZ&AbZ]D-q&%Nw.@#|hUkZ;o'k$kioJ7+$_6h}n{SS6TƨK}ņuM':eᏄ g;'GwJ6봧ø"ahu{887dG_9-tԆ)u^qm8|M/C,6e\ `(5@!(bN\JԐL 9iL/opnWB_fĔQ9KYfmm݈*Nd:X;^߱ҷ">HQ]YDy : -M0q0CȉB5Ulf+dv:awů4r:^oN5^+j=}0OQZPU-.&QиtةNG%Hv\S˾\<:U&eD oٿ Om1^3D0]/EfO5 -8dj"ΧΔ4: LWǟd.3Bj:ѹjPѮ7f7ścf&"<@ZTpB t~dZw:+Bj-"pCaXЕނL5RQ - 7Y%&0ݖYINiPdQO%dO ^ɓ2y-SyKu*AJ!;>yY -bYNp/P8]OZ& w -,WZ=8N?}ޫs[R1[vF -'` `V'.2祒Ɋg~wNR Q߭ ggnaAkf2YbFU1 ԉ7GugכWrWK'wl\9.& $G*,ΧMa~Ngf3w'ZNFV+%(1^a@-gd]Ip6Rrߊ8CoպI3d@B{\33Mfc{n_zQb}Z8#z7fkFHh-H>kZe}y~)}0+뎎>>F$41+e-&JS7xEr J$%}igc+@"~!)??KA -u%߮3fx(WZqo}5xWo r|I|ӾY/ap -27-X)Ynכ~/xVHM,cZZP[쨰`m*wmۯ2cdΨToF^Gnf~b߭0vJg/o"KlZ's@cZP|f4vHa0Cb9 3` ?cv$q2g3A5 G&wh+V\X,ffL H| -Fۀb􉣯 #7V*Jqy)سQt^i# "?3,.I{ Y!%$epCYOv]+~:ährG"0<>AUͦOO Hj!,"n"!W7W .{&JvT3"p`zC:`Y8BV/2]AsNvs'pe1NtR'LC<ǕTIA]Wˮx9aZ"$*^?}|8iLV';k7ɲ%r8~z -tuy/_]+m:Σ"p߰TJ2L>FNO)RJ ʇ}󀰜pT -@j"Myoyx}{~g9ў?9꺤]Ge K餠n^UQ&w6YB~S0-K#e(GW/MjZl}6xJɕ*cHmuSn% ?@q)u+U^w#oOtkt'b:̏ZD(|'(dՈ/}$ncc%pXˀLI联G\u -ŧ@m.-By@A>賭Lgu;*Rr0F! Nr>lKb][DhP Q^!8_G$JOt,J]|*tӰ>:1m<7zCUմ33vA%]㠯R`V**(#HWSUP8A_7nTQ'oDß#gHs+bNķe0V([ -TD[/VdJ$V؈Ē79GP_Ηzp5e] Fr,[0EKɄTg3'{7OI}@"/¸MW<ܫ'vw((dԪrC*JLjD{ѓ[o BB?Zד n|Q62%y(~rʛ(la@6%. fʊ.T6rTg^HSLҽ Ȳ % $(^. q#(/޴]_-UK LW{%u8g؟}ӟ m;e'nIN~@a w\ukgzֲ[;yeCB ]c~cUQ`}XCfЍ>~ppoP$ 2jfLk4"om_йi,N%b"xkvVڨ5VF DjPu;ܛwEb(f褄mᜉiya /jnU+-KX{W(Da0<{70?e5Vۇ-/qۃ><ڋ̮N긕>"牰q8Gy&O.7SꌷߌyM*h}cv_hΪ8We黵 xbu{@ (˅=JtnF@ rǹEc$E|ҡXyczŊHM[s%ůGU&x",HһUq(R FIlŗiLhDL&@_#AL4LflWQF0d[LPCP1N4'+4B|F^̫>ae "siW@.R$uً}k1\eq7ޟ1o& -Gt:6ͪz>pil*mẺ3oHZ0'A 4o%Qn$aK[Wc c(\o>+hjUL):!)SV/БpU*#ի1Jh7 ".WL>d֏?Fj~F[h&&zvnQ? VKvzKT3ZQO?̬k7~e= -3G4*m׽wn7i8-%j]_JJ C:M V~R˔msj#YwOn`3UPUuSߨ-Bx1Q<^;089]LP;jHXf,qD/d#~cz7KI _1քNݶG8;:n5|\0i s[n9Blg9U )[.c7^ -BwA핖A -[l[Ye2R2ޔ5>IR{NJP&zi&:XX` -hsxG[?V~b h"Z6!WPՕƒ;qFF0y4~%%Τbx9w\7 `ց~wSՅY**0l˛ ƹKQlDzָ xrcGB "kvG2)P]K&Fke iJ"u/tv+ Ϋ3 N0O<94IafӑŴLZbD62+wMDk*isV6YR`鏉3'Sj$ -T'wBvUQ5<D|:LRӤ@E5~fKCHòOwgfMd`{^g^];A-/#,D4hh\b-ᶼ3>1\̦ uA7Mo!Pw-u㯌sԚ)r=ƥ z?sA#4 H5iޣӀ zw->NC4Z#9);xcv[8 7` -C.͈N)%L@{miE <+k"Kkq'RNP,Ғ,W-)FZS:QtB}֊"Q_l2C^΋s%i$Q> ek'9XÞPL"^Pf_ޗj9+@OTЋtrdW+h>tO 52qWЙ¶Ʋ y$Uؚ|l~մ*P{I`a3QG ޷$ᬻvm.xD01 دca? )3Z5`(ڸJL&`(xQS%o6t]Pqyy^ɠLr7)?R1G= |z1lxd( ϞzdM -8"ܪ+3ᵂr$aڿ9#sؕ^XhZ8Kπs"ڭt8z߿6Y)%yw2STq< s vP\лóiJ- - Vydᆮ7{u/PsbTq=悜@CPTvNi}^PrŹp|2oEOE| -b9rICjl:>t'/Ps,\1ܝ|K ޟ<@ҨӸ'?Fuϼ,7a:nP42hQ }zmyw_%cWA2KB? D|{$1v&V{34`_ av0?hP:rN:^wSx8cp`tbs5:B #+7 2M<'㱱4 Ցw@jOC6j@6"P哃bǃN|X"G|hKcP9{s-U&W\ç9La6k⩽3O,CriMpWC_dΌ_E/2 ETHm^=]F8i'3Z5?/a߉}m%Bns;B)6 }0fVүgW="^o6&M#T34hP1ON{ ~%\x~0N"k/`-NpArֶ`U 1hH7ь`̞9HqRv!;pnbįC}iY&Xˁ"\һ$EB$EtXD_̹| AfOj)G]}X ,ι-G.cW "pҘ}_F-4>^7)HT= -P\Jm2M_-Pܢk|;J -ry B/>*;qWj|[~C2g/xx4X"8?;j*yN -Jqڇgu1k#xŌAkmnԱ?֮j:c',PyY z7DX [j􄙱b>'#@R*c(IPutH{IDi345)+vFy`;Z ڕ|wԂ` Q ;[t5Fs$V5ʼ\'ʎM!e.esHa@syr -U2a"pĶ3y q9KY1+(N޹ đѦEzXl0Te} uQ> $ "`©frOtNZnţJk&qj_[ h:f4>,6~tЏ)w%[7l,$r*q,>O"}b}3u@_j~oع^ -K%|`:ci^122S"4;&<*Xw y?m+M}O|I5Ȋk4o -tcC3HOm0\0@__24''WTVv+ܹbZ jTўԟEݺ1X:Wn(Y𠦺3 BoҋdF1mBz?_ -L+tJ'q4$B bB K%/jtu\!%NG5^`HD=(l3u>NF0-xTkrNehfv&g0_<˴վDꫩH&|bbI:*ٛR(i{A ĩ( )+H;pS~qua5g0FuEǨMЋbA #+8?_#\d{7N&QZi\~t|-ۅͱÔZ/I97Oz6xX=j5n\_`$ms֕W]k51px^(-;YtuX7M9'zmJ[+ΐ=*xd%F {e݄fl!F)ꭰ}-6}Cx y=NMΪxnxYKd"bWo - (bwZsxT\ dk G|pK}@Z~d>I -){}W*juf =rNPƥamJ>U1&C{}2/qA=$Y"-9>(-8rM"S{EC .nzwI.H)Pe, hRmGJ3t#(T2~xxCL'rOԋ,^#0Xv'?%I(:x(a-s T/D5rܢa=%qn;(/dT`8m.X)=)?.Ə汸rвZ{sdI!WE6,5ZGNC룱|4"A{%71x3ls@jjYNj!<"4KoaK4Šw.M u`v-͚D(R; r:H?Mm[޹'؃ 㘑.M~FY&c1םQ[:o@%Hq$3?]NlwPWuŷ)%/ˤuv2aQ7b+]]ED(yN_1ifF;͙B# Gr-D0O -Nu5;&*T`1On7O!bu/3-s4opkb L^vݢ[5=jcCL$?:#7PSfR6KAWS&R)J@ RIYag&>t$ͥgrl dԭb]Vx-ƙU}~H9? p2 fN$o>;Bw<@u܎]_a&9dd*}Mo"mQ:]_ynuQNma! ?nuLR#pxMԅ*ܨ3;1(@ Xa‰dD]ysNN%-CK|y̭b_V)Ov>uX`-?+'BCzK'P{";<`t_C0v3dz4r.0K (yșijQ贓VO "#S~wo$\2Ҩ/i)TxPФ E SV}DPBs+wUj)r&V"QChY= 6&pṋzWo8>7qO- Zޜ/u$Z'hGvZys<8IpJr)i/fV.SDzeiScMmx!Xsb'cV#Q+tKKnX>&Q" d$, mouoeC8{8 =90lFdb -'T='E'-rXݬ#PA%А_D2m - m8gG_,7b Y}!s g%%u՚]i&RjCޱlH",_ݨYpegYZN} x3O9) 4ڼFH_.A]*aiN.d3<7J4Ux$ipwCFh1|T&߮~q3k%kShPoXa27Tt}yE.@U[2R38,2܍#nqh&NDkI[97*ǔv[Vzk0ƇCw\p C0)g `(8;K;/ɿ17<c؋J ME+t2(^=O5I>$`*3ҹh4;ǫ$`~ˤrldS/=qYQڃTRS`U%.HduͶ<5.<&o"S&S8^.gA{&r'i+ӒTo?Ei:Itx16Jے,qЍ9WmraCuR/~ +%8,IbkزMuScKYkRCG.v~K._8ŻM SbŲ?I+CK bӉ,uG*PsnK¶郕1)^ةyw0 %'RVZ%3FQp - ΗStM").VkǍyxL}(xodRL\Qkφl4w5%W3s=&;2ֶ]ѳ"?oS\ 0Q&$8۸!De:+ @a -\u tH-А=`8D B5\ F#xAѕ+&Cg_3Zq:z/W{R3@;#_@pq3(=bXJՐ$K}o+yk0ڽu )11xhƇWN`# HDyWz,zj A o͢E#xR)ZB0et^S:`Xo"A;Jޕ:ټsje)!N\|Y~imTtZ'Zv@v -j!Nquc4.?N!;LQS~`WE_;a_ bԐ1Y.zd^-|/PMPE\찹jAWb}alWrrX~[H-܁vn -KNjH\j#*13[Z8x78A|uSs 5[O+ŷb[JY[O(>r5dbUP<;Z q!(HjcMJȂMti44E0hK o @~KbDK1A],&|r]wZc7Qv~Q ' #lзn('~]|$74,3z`!bTD ;!qUyfO pb4*xOPG 4q~(y֋Wv%2okg"W$k%Jʑ? ͊sUI]#p IPa1W&f9Q{UzWYD -h$23R#lsw;ٖ2 R;^ဝ8d4JEXEGʋiqFadn@]Tmr ^+Ԛ\d5 Z98,$^S;e{EKp<|m7kG=p\,Lvɧ%NxP+~2[<뿫v9 Kd$N:oVUT?\Q}|NjwNGQL2Qd|i ygknQٹ4e/8ݕP O(R10tx^DYIb -_-5`;F<<] -VN-_41\F[KL -15a~4,䱤ttohMNo iDR6+Hᰕ/ k,0O%2Fg?E2l:-l#i8,ycƂ[|?ô -V-Qa(}J$@ULUKNj_ji40{ 2o.[5 -Sm S,y+ƇMq>8B0\0 Ʉ9:ܲF -( a<ԏqZ];쒢F|So - 7_Zi l y8K[WB`]9?>1v+qߋHe -]hFӉ!֊"@F>d,A'wbѼr TZ3<+":@*id5kR XT]4yTbJ2`- Ic3OiPYoމDz@N iA~Yt`+b+U;o1+`:̞٥?DWσtAmߐvsrĴJ:R9 -c6F)pnEM+58 -\ez"g bܟe#Ϥ7[}’*R=Ohrڊ -Wr4}E-ޜwn(!ky70'%7o`i(ƛC&B4IT}ڍ$dKz3{A7* K57ĢNnnU{i" mQOA5݈SuZPC2S-DS9" -X+e<= - ݵG[EkKmzzAw$'7+2k&6eq -t鱅PuMt7t1@6a"53Ҋ$/+UN-7GQ^*&>#M&s&Bp՟-L?MW -c%-Z *Y 5S aVnV):b]byMy+9Št",// LnlIGMă}6 ->`MWN+_Pdȵa|y.6dIe{ru90/6 -7e)o*z y˜aULN.KÙ쉚u3ة:L*|K#+8|SuH)?3ٜC[]Ig1M?m*R@!4p.sw9n׋V%ヲ+h^t_GdX0q/S0 -f\O7=6-N:p) j*c=ٕ;vU$|&4V(n{i6 )oBMR_XӱZݏP7TȀ}dGI[1[srΡOWE )4lzP -Ky|; l ^7~[e ]%ܕ;X}5mЇ{ Щ'yj{3BͱBJ^ JJe9d:sqp}WTsj g0bw%2a 7Ƌ;;I7ڱokh8z6O-0ĮM!ST,c!P̍ a cIUҞ$ P,A=-QPZu8G#xR)%_dvwq n29B,ܯamuէ \#Fג,g>YwuQDvhTw/vE׉Q;1'j9FTDa9(i;QVAcNn61Zp |3F?PCFȁ:ietD%idAYAx^ -LoG5BH:%9l_iЭ'?VVpxg{;> -gsmy6$M5"o/#eT|$H< 4o=T wI$K! ohڭ(]( Jbt -I!}{Δ?Bû?d. |WԬYM׮u.uh_L`nk IWF1bTn/g[@Z`oʶ0^ӗ>>  |VB؍Hk2Sք|$a[IRDSCenѫf*CZ:W -e"XTMY9pv9X*C ౄ}o|@澜(2e=(J)#Ӊv0We?r Tvsa$y.kW\%އ5{բyrX<͢-^Q64z1gNU6+6Ԋ;f``E4k#OQvL&7X - xt,lm2# :][T=ܱS$UJD CPd >?)hc"һޑ,<^世t\vb0DZ p4۫aĐt@>J,'ɷP(C'as'?K -z)+D$9m?9 -endstream -endobj -856 0 obj -<< /Filter /FlateDecode /Length1 1366 /Length2 27501 /Length3 0 /Length 28461 >> -stream -xڌPeͲ58h޸;C42{{8\Y֎(R"eZA;#3-#@XVH LKJbl T dag; D dlR.Ff##;v\CW ,@K*lghafwzPS99i:Zd ́6w46([=W - -sgg{.zz777:C':;G3>J9@ tti ghwgts ەL k c[#eI=`h9#O?,llhllgcohaak0dݝi& ZXrC"oiىIEmMllN'b4{&4abOjk lf@g+; ^/'?xL60r2t]>^w^22L,F@3 [ 4- `oebgk?͗^YUCKQOHE ebeW6v;+3Q0O +ikjw*v(#J%g@\7,H_nnC kd-Z!;k'lWf}Nb@ gcsv4fma Tsed`?|elro)jklgXGw -bD( sۜy2/;mW\ߍk/%@c%;c`ˆ:A\7߼i^.P)Yێ)ck^MPaIo J+3E炍C0x*GjV`Ry. -hn*'Cj٤+hcTuJH!iPݑQsa}.bvb_=7T`ka=NΒy J}_*+h_X,yp{82Soҁ֙raC'3;\6tfC\\iU50e@,krْn P2f#M:+n!cT>2 -ZFFE 9is􇫼t†,ӎ=ճJ \i:܋H/D5܍P5?+|M,(a@{ёhG})Ә-hzrYXԇ?ak2M/[%Gt:IҟF5!T[U˨s,jg'YJls pQIz&(mAj4qX{DG6G[HDUoG{}Jpzᚁv |s5-8pb58f>CNf5Gst6ɸy%mPɣ#CRn8 -6EX=o v /+諜,Rez꒞98m/2εqGr˯to\N{R|ؙ7IYE޲u؃L["d3L H.VOň q^fiHESp385j  0-c) =~qhFϨk9x /_x7[St~3c>$j\Wܬ=;$*|%wO5lB2y>A= 4i8cFz>P-6_zdfT0 Ưd1 漋/2n"4Z -2u5"a7}9g8+[p@uw~|a$=19᫽`F4$A')N}cڏ"NG.:|,ΐZB) 4-8c򻲷]_VI_c:)I "؉;pWtUm?O)`3_<.P2AS|OP 2H}?pr9$G&ߝU֔_̧jmO N=%>hHeV&;[D,|T&0ai#[&|@M.LMc6Oz\z0'@k]î"$cD[ItPۨ񞼦H'݂db -_G l RMR6)Lo/18;.Iy?*A)"*;^wl-x zUMshЂC-era_C2 -#-)gr#΃V͛fx!}^<ݚ>3bbOFM*a=OeBEh^<晳dbM_!L |6?uc:\Ϛ Vv q o]5ݼ(ǀc`(Ev߿杴؟mX&UHv/Pu`Z:Ә>xƔ3C'&ML|b)O!#ϑ`7wmw 6G2$\gŐY+-y\95F *'L%go^SϚTG?!eQo.ij223x~aQNY[ Mo+l~w5rp̸͞S'$=ۃ/xnk [x!!ϸQPV!dwưKF f8 +S:$ݴ/Wߚ u1yR+t8]/"n݃)@g8H --xĪ;xjz4Fz̾ݍ8pj voHihDR*͎.GwA0X?`6 2YȰ`äށpEH*Uξ1 I#ȡyN1#< *ǖQxA̔oa_l_ Yl:sčxȼ%?0-h$ -eq~i3qrΐ S0P}Zˈ0;KQ&$g%r bʟ֩#6믡e8.Q '_hD/u19ORԤ\Qm{A9>t1lۧ\5O, uʣE'vX5a㵂?^۩g.'?j碎 Ǥ#f4՟E:n6_@(Ϭ n_qҺG XkywߩK]kj i6s=|O&3b̯j4rfɭ;Qd|/$Hm;nُ@JQ >R#W; -PB97jJSFŤW]>A}k+N)ZF<hx0atw"Ǎ$ef엣).7jㄒCP}COښ[~˿!kR+>ςcgH4]u|P-^PU5WE֢[Fn{>b5 D3g1G}EO¹9nn(gboꗌGzˑ;"t=[0ۤMz,^;*/f 3'0%=|ԔS_&CℿG]bBI)x>xWIu*c՟m̗4`\Y+"|t&] ;!BVq@PlR8Oo[lu˄UJ&k0)hE7L -j͢{/F/~zyixۭϰ9/ˋkuN80k5S+ u -,uL"ݤ3^wݩ]!eKRoCIpAt,FVPnm%z}; KD2~ @q]8(rR::b4 Td86 (*9wpk;.b'ϥժn QJSF!$Hr?dܦnV$1lB@W cpoȷ`~a;מo![Gȼ,C\a/$M}в"Lcp0S^ѷs"^<pq+е g4APvV_=0H u+٭JWcQ - %*8EF`OdSʫ>=kЕ EGЭ=BҳE#(] ,8e!fDҵxc&چ|q^_C/?p;BjٲN_̢v4u0BN'̰~ПBIDѷ m{&O62{-AW`:EcY Q\&4嗋&rZQZѧÆr&ɩ;BbfOoI9MYtD5e,S;neG^b -4TAW nϷ$7b*w/tH -BŽ"%L`1~ CD j~J'Gس 6lL VkBJڰߡ3 .`jN7 'WDp50t: ۋ'"ѩ5\K;K}dO70왤; -'7`Yx:ŃX0CC]i1+F$/0MYzVq-T33s6I>Q%=˃uCPeA6?yd, Bwuo4ߙ46TGN<3ƭ Y~IQ%2}DVu GȩVGjhäy'G C%!#D؜'{T՘+D0Even^1/zi8OG)'j_3vܦCS@s!d>"7K%Y.B;672=b߅u~ɄD2;&]9W+ZsQ?V~ŽfF[1 -xsFo4&b^Adݵ2R1} {UV0~l\"&m ɤ!l~Cr[E 3/o!s#h=QuuŴ2Xa5 B:LWGzd(ΏbAvh[䃮zv*a'HڑTm^ 8/ܲZH*:1*21b9Ы^TvYInO7e_1!zC!ll{)r`ΓIN)\h E-[XQC7f-. -5g|>Y jj]Yc[m5'EZKodԛ}&gP=ی@y9CVg7ڭ0x];$ m1$D\SɷoJQGlOSk=zKR3}iθGuLb-ΏqqFH x e?8XŶ{gZ|̒ni*NR4TB韯b?98q㰑>Z^j,/ߚHܶY=ˋ"sАi9j:&*_DVJHzF9& L]QRKũu.!fZc/uUݝ݋QT01]{.`4 !y؋GT,˱zx./#\![bؙVhg/7:wwiD=D%nWhCl}&b^)w\;,x-S[]$1)MHxh 3w@{#m_ז-SɼxBbed^'0!aG)Y*ʩ@:7mcɷP* ϓUwe藳"LZ/X>Cɚ~˝F(v1Lr11W.S4xr4U_%F X^4\z޷CEt<)RiWZ9Z504n+4QˌLw9rpGq}}O$O -Ee#4ˢ%0P>v<$pZ.&Iz0Gn bĝPOk(g2?|TmY?vV̶5\eݠ gr+ǧBDy`ԁΟm[TE Pn -l9hyQEľnt3=#7bFuD3r̴ 9y&X틸/p!(RRY*s%;Wޖٽ`d^wr ռlK[1~?' RK?2lByiothf 0 ʭ y6)mM:Ε{ͮM"…LӻcNAۀn%9HDNvʥ~HH gjAn٤-{` q!3MT6PU@VY4>zHyFs׻Sb3—_%Ɏė@ -ڮ&ԉOEIۭ6os\x❑|W*%_ىJGne/+w$+]2^T{jy "1>|V2E2lF>z#nؐ7_a]#M^Y!PMؾ~1"prd8'h,d3oC{9׎JήH`1t{Wq4 /z&B\| -I697G\2jsRvdD].B",%k(8#WA,鼇ͽeS(ȤDb-gpt#ͣ|2HU> چF$#TӁWlG'*msELyO2yN"J*X6[цjJHQw껦rAO5-N>H:CYUż!Rvۃ~\R+-҂ϒYx2HNJcioҵ)A*mR -usʨ>؟6 ޯ-`x9NMAœ|EfהWG dFY읯=ED_ijw]3W{PBdk̎探 Kn}A~{!?t(<7kQLR,/T e֊>2~&PEͼAYG2iAh"JڧIaĿⱔ2&' e^N -"<,[7l*#)J>4Ɔ nТZv{/C(л3uD;\.&dI@5IF󛄖(-%7:(T:LdQQ =F~`6N1% NFcsŞkn:#"ٲ5gL+(@?Nx*^PyxpParJ}5k` @3YQ'p$ aQQc˷,C'iq-`طmp1f˛FbT>T:dO^?A"f؛McM]ai&ͤAx5| pH Swboي> ܏{葨DgE4=l04$v]Ac?=j DoOg8hw7ԉs0pkgya|R.m};˅dצP"Z`rTr5Ε13jw 1#q"> 4w3,w t, .<>ӗ=!̹ m{qicsam%ż N2X) hm. -K"?C`6 ś_:vЊH9* D6,[9M8v90HqF N忺hє)ɬK:3_+VI}Ke*_W/`,1 1S_$5:;/u󤐃gFMz6eܿh(HDBd3A=14sˆUbV05?۞]wq/3Ac!'e>N@i*nkYvY.?}ϗv ٣5:irxRM$}3lѶU@TݐFJFuNe[ -2]&_)K8d-ƅ_Vo't B^8 mOM@I Cfo,X" %.unCEyI@v@)v BAԥr9-o-pV"}Q -uw}`Am|9ήiaK^mj %L^54gi2p;^n=Xf.*$60J#"D9-)BygY20v> @Ρeˣt|9~ mJ\S#H]b=;+, b -$ǒic绊;P#I)+Èo–&z4NfE}d8 nΓXO7f"),3)Xn̮J gj3JgIqjmG-(ON)+:Q(b}7)yKĸnj?+#^5לkm4FNb"\J qSXHC(O:1[fGey.kzxv+;_kh(y`$%;+Bd+Boj һ @"m*-PlVx+:SkaF(Q68Z{ɨI9jDRll4F Kяw kM1+><˵ J@*|Ξ[es%7t_Uڎ|H@{ϱQp ZKWTB%] M]F5>jgȺE,)&Al?WRL۟VITm[*OI@p*OطKi%W"ݘL,r -=$5vʈş)ğUC2Oiq]]e.L\6r -寑W"Prsj5^E x%;`v&xcpR` 81tIۑSCуXJ2R[P^'b[>:8fߕ,W9Zؕ} FҫөTQg^5(.cGK aBNʇL>iaI\ -G6iC҅Bͯc6r"Yi걇܆_ȑL^{;ƩÒ9_j24֡ysXr𬯛1f rg&:گzҬqS:֬PÔ~k8ŏ=gdZX,0CZHŹ-nn4bn5\߁F޿r~vDvh M_280(䎴^tٙ|wHCi!:jft2') 8l7AE1}C']-K0e]rI!()!ƻ|N{P^<խ;7Dr_F8UJŲT)z xUzGE=ZgsY*t "fRԤ}p~KU}5 $KJ5¹_dw -*[ɶS75;g*ef\e?~ %oSvhlG.:Fz>$S!'eMgUk -ffS|m[AtT_Dv4A*n2L0|x'qWjyԕ4~EyI_a7IiVWxˢA'9+jRJ)z o߱" 4ތ핬 Q@u7-{3jݡy)ϟii~g!},Ҕ@[ -B~ O Y rvjA=L^Y +,>>jәy*s%\.ސ߾ˊ'glt~[qM${U$Ȝt>V~ :S< z2Y9)u'd[h|xm?j4QY)`(6:<#Dn}rsT; v/Pް>mhi9aS}m5 'H&f:?gљOڣ>y xZZe 1|iYSiXT3b5lK1UYt!V{ڣά$y5Z9.QXF?([dHpyݩ(" e- ݨP3׈,3}a,Fsuw m^}c\ z`tiM.^r4΀!%Yz|ۜw_ u-p6lʡ,]ڝ.G ;AwAbNI9 T#1:0T*m)eEUfu1J| <?7فyꊿ5eBxmM/1lGWݷphziA6d1@\q9釀fP@\r!CWy -e}+n;dLT|LMIč!/Fj/Aꥑ r83ppܽX=[9V?HzɹglMF7(Gʢ4Kc{$c34fE%䚓HtY'Kq]aXvUpZ~mw#Lr{J糆{)@C܏.bd%[{hC<#lgFh5oCΑݶujR*5Q6栛X:>Pܷ֯a'70|Z`O <(}unac9}ɛ#=jA)Wy.gdH -~0>z{^<ë8bѵ)h{R%X8U Np~3d*71 rἦ [jsaG>ebP 5+/FM݈_>a<;7$y+UOotx= -tiYdu۲.SJŋ3To 'V-mFń-jB( v֙t@7*R²,y Jn{)`.hn |~n(yXZH&!?W ,]v񚌺:[VS'.E7nQG/?R0:Jk5CJy+^X{8V/ﻍpH\a6bKj -U jsF2 1䋚KU{YKs(&K:738 -B۾t| ,+Md): |xìF&*_1*@=BO(~\OuߨYAYG6#L#9,Uo8=FyիRh |/d' *a˂$!P&ͧEW|*AN:$B"EL@gC<tDO/Q $lx(DIX:MhEWKrO&`L;S }^]^p/JQ?hѰ(zT5ܩ)m?]5ȣbh f#o!m]Bx:t2ߒXwFFcO% ]TFd"_p -- `5>JiXmEWnҟg tn̂ҁt`N" ,9ۛTNl z{w>%!\w"OLտ3DVԇb&_Z]JhUv8<&0)V A԰kY9kɆ:|Vv O6Бm;2CU mg7L]?ʲ-_ -z %V7][2f$y~H=M&Ê|f_ 1€N&Ue! ǁf,vuJA7ړZ]fh^ldZ:%5%A ܦ_~:uAB^+AIv P\ޔClfJ/d2e -k -Y .YF"އE'1X;P!,=ȘIc!O9wr'D -ly!~?̩R/ܲE%[*0m9HcȭиS9"' 2ug벐 sȡ)}7T1|/ɖ-+BÈw`*)m__оehjM:jadw}%8}ék&ѦB6.Rי[KGOg0<! J~Fm8_.R㛄 qU`:>ы?:q57t+W}F߭\r6إEF$Bd^,' ^r-ZdTQelPwTxkX92 2*v -r \G&즯 `T*%6ژl"?ڶ>U-[h&.MU= n28D[ܲYJbr<=1 5.0$Ov4) -bczꜥH$׾Nsssɨ_4Auy -l\Xv5G$,ֹ1/ѣV"p,/h^ f{' VFl+p -]T׾AANgwETN{A?w5 Ti+gǴ 7N\eq?R@ȹ}zY0u\ZG7N8 ,fAF?3i0-I O6Cu@&8#Ҽ_MhqTmE-U2. 2qnQA+{c0e'xY~=JmfZ1;%3wpoY[sL=aedzcB  ,QARHB`7Ը Pn߽-g;Mnwg?Ay,`^aY 9T#jg8.B^z7Y}[>ڌ]Ax٠y~_a3ݟ9=2>]nrs<I)[|*JmfcaWlfG]Dxc]/V L"rջ, SAxfHF] =SuˑU֎¼)絓um( )1(ͰfTcf>4:UٵF˓^ {y:\dខtܕ*g7-"s9ADTIK2N{F1;z77YQ2W0o,M쀗 ) 3{LV8in'ݸd2ńB5y'FͥǕ1Mܤ4=UMMȂsUFtxؕG -c\4ǿ`#AV=nҶmP+i @*&ܬ! ;V>+l -f-;"X}Em#iv=%tbD8JPl9չ0$XR1~]2;eBrVSe 93#FPfo~Nl*B`ΏS}gW̅}?󨩻ܺ;jF\IOɱcM R¼gGcoƿ*R~1+ıͬolrh [ SO];idŷ~!=MLYe}:dwësyTSdc(RMLWB[Z̬9t䰻="q`PDVrD M K:22(HZrUaU\.BP.L,z S[Ԣ NYyIu}@f%_3Rܐb2"gr&,#?}%'"KNF_oPtw@Uf'Ajw̜rەWh͡3Y~]uJ$QNm_59/c’ar{BPݴ&y=ƠFPP|ؕBox?38!]EPq1Ki@۱4-,GcmŁ,u74"N?,F{3 - #I A+Xg+M7eqV>ϾzYx捰[1ޑR6ˣ1 mZJҏ"t#K Ř'^vB\ZӃNR*Š1j7?jV O:ıq0G=~fnpn\s1 .h0x XGJh@&fúOF$O%Q'[4M]VÚV! -Q.CapQZD=~maqPUaISE;=N9gA"fFf3PURͽOݹ`~B+WLV}XL7Vl7.`vl}fVޑ{ ՛_ͯ/W0͹&X_m.B57v̽@hWS'r -L٪’La.>kJ*SL%ҮEXF5!=$@2Wڣ\fom^rwNOb;0I^m>w}i ꣞RRJM_zhcV{Wi.Pñ~#_)'*- o&0{O4gk;발s[c!ZvP1 l2ӨĉQXj+5ΈWfAb7Jx\ [df #cxA% POs܉SE;n!im\&ΤE N,oj욷4n 80&T -Ϣ`DTrJSL>IQ1.U3gX[:g*N] *6Pл5?H9Έ7pf_5F``8G&&Y/-)&Bqvԛ/a ӕ8L]90a"3?]go;c7bȶBOMWP'ThK Ur͏ lo:#d9 ՟o育4Hbvfe%F]dbL  R`+7B<Ӫsms!}N%=:0kz&г|g(3 M -zhy8vȒrI}( @I|Rb],)CQzg]~ ,=XMlIMpw-L>O݀Gab]W8qxV.` DHZsyŊ`W$ Xv&P|pJV̰p0!%J(FN NU_4W|t2lrr_Tkǘb. -1Rl]D; |'m̛*=G0A3\W-uӳXST6K2me㮲WXh&jEПXX%b|?+Z-Λf/g ŎJAI ;6[Z0_9'؀V7+rHtDÅ̃hFa5s…٥%G9PYE*^jĊ?ӽ譆UtaF)@|kPXF-=h&*R#4YL0a%\{/l;e/btOol؞nSJhҦS ! } n7)ee ֋1,y$~ /6qPW vm\Mo=7A T2MM;3$K šǍiXAKt/ZFPIb6m{ڏOZ__- ]POFH55@y~=4#6|zI_eOVſ벮y%vmgW7  6,f}[zKMX+:~7H>*,N:~7(t5J~vIgfC@^0>/ߍ) ٠p(wn,iS# /IRRz9E !H{OND&N6œS?´ Źg7 MW!,c.+VĜ`Dž(} zYqEFDB|`N[Ӷ j:xƘp,M7w_˦3wl"단*S fʭOF5p+f“ Ho9s1P'g+7ijdR'ǂ5e)(&?T]?YlƩL/ݪ>}Y"أV#[F%E(쫙x,6mX|gQ>Хϒ}e\J[}D`E]DA^"DOxjdCHEk*8Nu9M,2{A&acߪl]$#"t0kExLQ,4<BBIX|A`qӆQH,UvhJ/ͽ>52)b k{ ɠ%9LUTtu7/K]HvF9IbطE6GL2CǢwnӻ_9ז)QVM -t#០Q,d\Ma`_3VbnՍ|{+*[xL=Pq }EI,B?GXHƵ5[p,7?7S4VM;j*>3r?ݚl#:[ueYP<;WBs~6Y[7r~3~>6pˣl1ygtm[7"$Q(;;w•fz[K $e#ar,uK+>0N'I;@)F̘g}4Gn–.tK ^,֋}<نCNq;*-uno\NPBݶ㐖W7̀#J 5ö>"ߑ*եXB.#b|rkhr9̣2s'H{5>꺙G\!V57<3]?G8Y"7T)Egh€jS42{u )}i~oVZQ##[m(K/qzڍS]4c6ӑ_ s_f:EdQNlK,PS,®a鳤= ޛ*hQHOpVEQԗ71A .ng茳YGipH?vow)aKr-~cUOт Ԝ!|oͮf[VATL^W S`&&1Yrխ'3'Χaz_ V?GdÑff%**AXiWwxtI?D%mcC;׷NMF$la'R&v`BZXc'yUC~ų8m27ZQlAW,ܰ$fƜi*I;* 0 )=H{D3Ga1IDBȂ* -0GJ,r={RP :vI#D-TFuL\㠊Kݷ3^aD˚wCWtQxSyR`>;>3Bd? 48G#q@l^7iAaBLyE]UK5$еƹ}>A@/RDrbTSyaZ L̥8&o5LŮVPWВ]τ/O).Rl02s%#}:[aϷ3Хt;Zd*aӔtfpQY(=jZ=evk<ПlZ5zzhHS -^rM?h+")"3'gA;+3 --%$xټ+0b;7Z{8xSJOO[;\67Ŵю!Ej4nk -;k#ZIᡍTLk\^m̺~C3>*{d+ l Gi@AKYW-[?U2 D== }Ue҆Ȇ2)l.'\NLʍ·b1E? -r ֳCdAHkqm1Nun]CAS9#:2q~87~;jo-w;dvFQu:DٌH;8|lC?ki-tTtnqn7B> R%J2%ّV>j?}(o$ -4Y3g psF^D&V8KUFqb8s#ܡf9F/wr1HU;!Zǹlro3XcIe[!Ae&>,e`RjR|{{]p 0%uh2aFUܷ -aY -PO1.4?* ԗ)f) -aO]U'gT6>Y,zM%/ =hpKf-ƎJ"[3$Ʒ{MȎ&șh4!C@r_͖@@IY &)qLFF_){U)M \T}Bk0^)m !CZ1p jE?|c -ex?Z5&.PQSf7"UYpcnB*I^˅vk_)xxm6bB&zuh_[YF5ō>' w21X^\䫔!hLN/9 % -s) i)(5nGSk#HP_91K]sjϖ9у2LPĶ F-&)xX Z[ZJ(Q&[pxz7"GtƨG3 Ji[-3;N+ktaSצ -IdwDĭ#݉3?QV-.>&<Ɏ/0*6뼼n]n/%Jbپ,6~묋t΅Eސ.QS?9 |.2I?_Ug܄E/aTB?q -$0k,c -5,;g礟Kֿ<:q0Gւ-¤QĎ`;Ϧ ñ.#{?Jrg^-{|v8-X~T$[E,KtuTJi! l啸bլ N%*%' ǫh-ū .w݀ HX B-X䬗ֹ߻n?1ƀ/^d[:?4Ch9*̽kf,԰/@UqjS%&\*uwVo1TͨB%4Z~&%6#lʽFD$S9>hmyT -*“h j(tʛH"۪eL)#RJFYRP`^`^ P Y=dNFf{ -PN2˷M:Ekb|-/_p#wRYkM&k4(_̑p$'JӥV@\mo{\`[Ȩ&Bye$v|VdLџt_;rD?~8dr~YE-M(մJ8|$Jߨ{5U7#BYǣ 7aؚWKo"f4k$.G-LkѼbbO{:qt0WAd\mJ2D^ ;zRTMMET:$H~d)_ I\L4`E`R;*b_ rYi4R2ac<7Y]G ~ -jF<ݩ_lU2igTRRv|mT< \$̔3Z&%Z+13g CaFz,(O$62&<Ċm {ã$άR tnΰ1E#zUR}:\FFE8ݣqO˘Ҁ^0&Ŷf L r{j͕2GuPfa,"fXʵ\6Ӆ]pTtj+· 4? P]QT *qkBەk#_o$p/KqB ZM` -wrrķ䔐 -9-\cMkܴqojKh =zAպe ž|<)a$J%v@ -'8g\L.f&>_c3#K[Q]/KEy-*7WhQ[w03xֱ7Ž]("Zil?(;"O @mŘf<򸷝؋)ϫu"(\e-6E崍9x5V(sxtI +Z̶Z>0hNu#9T{ J -+p!<2x;X:QD;C)0,&0]!wTI:,qPGw:8fnR#}&e57غ/HqU=$lZߕꢞ-/QH:/թ\u<%qBH@MۆmKpv#L5bmAKЀ㛾o66J%K饫%CS҅^U+QYQ6m5dpun@䯃8UU85a,OaɌP -ݯF'>w.O~YwP2P04˫giw9aQLF!4I;v>}/̅0cFp:%_ոPhO^!tHo?" \]X{@6_v5$JtoQSӊ^>C E2 t+&䗼K5Q[b7C'p0S._,#.z@bf꩞7Rx6>R4Փ,tf.B/jB@ )QM wUS,Q@zjÊP1~Xdgy0矛MWvB)_/- N& -endstream -endobj -857 0 obj -<< /Filter /FlateDecode /Length1 1367 /Length2 27845 /Length3 0 /Length 28805 >> -stream -xڌt߳6Ll;ضmNlwl۞ضmgbNlMls ϽkݻzwW=Uj~ɉTM퍁v. L<Qyef+ ,9 _3,:ގ:\Č\26fV33'N<1#7KS<@ K.jdingzPP9,MF.@?;TM,.Łݝ֙\nbP:܀(ja] c49p3:lP(:{6fNo_,621u03Yr ..t#;ӿF6܌,m !`s6qtpqfpEƿ9eq;SQ{[[3_Y:M'?wwafigjWjv@i!Lc3ؙ8@GĂt`0  pqrzߎ\23L-M\@sK; 4ggN?c0'?2eҠ{Y,n..';?(Y[Jۙ))WnΟ_mP3Tq]&v&?_w]n翀?uuy?*P ?Zoۙ1Z:KXzM,]L,!?vDfciTwV331/eX90opsKq;{ӿ0rr2eC$vv7)=0OO{3{'ؿ&vmG]O[@vmބ7Ī1^ϝpP#{ͩ*.;hp8գ:ѻyG3Txg׮>o s]#3M0BG>>2\JhCMÕaˇ_8d*cԢu sI ] iPo<-|$^İxkľ,yVeq!&D9IZ./vL[ڵMf9:TP~v:ӧ fG)h[Fɖs)!}aLhhĮ }uEѨIlDd7NDQth>;js'zK;78AGOyv{OUM1[},ޣ)gS[} Δ<18ZoM9; pcHS3;X[F ᨳNa#+*?jQab_w\1%gwyĶPwe"b? -5j_31T +$i*]/IJs7v@\I|zF*qr;va X1y6~:v -d7syHǪ2j[&3%GH/tϝ99^_A̭5:9ArYŮC8k!7Cʷ$" +wR>fiREC]CcO;V.aϟI7l=(_(X8 ̖-"fސb,Wv)@U#6gcygiL,K'd3N87S`f i-R}F~D],4:#!d*h|=1'r> 8h^fz-\8ViȍpjB]£hsZWx|ۯnFËR2I Oү9B^!.x;,?zp/}&G۔oXIeV1 ָx[U=]v 8a~RЭd!>z+#P6s F*']>){[ Ϛ 7sT1-My] -{BZ -fpt8ZuѡC$"v -1E Z<0ғ-9jόu.kh]T봆! .W.wIVsn8M {)w$G>toZѣV yvrq 7I<-OB y  lU2!"&Ȫ0`͙0&mBvZ\;rq sƪ!"|pK8en] %(ANMKG|iIx0L9e4QoD`W^!fumMChT;7+E6V20lD,e | K=VK2r1G60wwq6K66q.i^Nv5'Jtɫ)Zmm4>R)Q.HMl!H} *A#hMm;dZ3T%AS[NĨ(H_per*Z:W o -d#j Nx:_0mAc/sGUf.CA_JGZP - -‘ljzƼ 1rhEDF,rS@e #n9q"|kȱG~E=dԉI - -PTva JxY)8LT^ulvDz d#޼vJ 9Ǎ9E6t"nd'm2R8QԎl*5 =8@d -Fޭ=*+Y+_ dگp7ۭ&,Ǘytj~%QߐMEGt40S^`$J"DtstW~΄_0Qpr*{>,I1vVnѓ#@Rku[/fPEYU büֻhC'Zߖ)g iQΜ$I {5+LRLX%けYqp@y0Xe<Dm45Żr5f9ZJxYH%C[KkJW&b>6LScjeO uPA 4&/G^MwYm{ -"RHM7XĚLͮ{F_gϩK _n!'Wȣz"Ib,;|@>[Hr/P_{g'8DPKdD:|.H$븞Qkd8iQ;z 0I{x3/FoS_q$37hwpi^\ 4ͰGpOjk_ wx0]oҴAt%B/̕ 4f FWV-74=:OTPSt1 - =v3fTʜZT}\2v4T@[gd} @cNb%rVuOݤ>|EBkX6."a"8'~rRτ -( GBa02蠘EXn]%xI*-ʗǖ ~yd/yi$Ix{RQ8-1̒yORQ{ZHݧSU*ѐUMD7ةdw_1h‚iٺ<1 rbgEtڻa PS"nK}*8`LPbky51T \` o#rO~51Z69;v/[`ka4 -ψ &Q9ER\,3(ww+KY *cXBH=Q Csz}9ą -[%kFWLfq6q?`bNDxn P/"/:I8Aߛh&LU[mm򁷟S]b5hHC8zep* ez[`vC~ }0ʡSL8#Ȁ{'oH:OpR_dy_|4q.4RՓ6oSj2<־€B%"W7NZ _]UMe2TQЙY[ SY# ##69prKCa5Ӌ ;3F+wuX?u+8'{J:iՌHR]/crPHN)ʤIOZ 2Hrϥoڝ}bQ[g2㫉iEM`o=D t݉o.Q+oL2N9/6Fu:&4l ]nf_\yN\LLDC\(r\tEx?d,;Sg#E?q\8:9KOhF.%SD;ZmcaxVX˿NuUlV~V"2guG);5_r| -K/i%PSc*wI)Ä9蓩,bG[?{d6:HR~W` 9u+':X XxSC<[YUðOҴDڑ# D=x3v,JN -ҝzQ(t\׋&}m  Rj\h[wPJy xGKx7.Mb{vJ6e 3_' Rt1uP]Z3>%9?}I!PɰN1j>z"(QƬnC4wY$7\TN#SDKed?CB=}ى]jz~Rjt+_wUs 4, _*N3O &o|ׅܔ#cpH d2a4Yo!G3[H-er?[lzi3 TY ucBSͪ`J` ?T+x5rlZ/-D2jVgWm>Y2^GԤ2{liFcwjgtޫ?Džߘ?a> -/BhݝU Kn{N&9GN䳖sbjx(daAU"R~tC;+CٺIPz菺"C"eȏjx8bhLͦnJ$3o6㜿YQlNUf"}Dq:j(@6 u!gG{׳5jva=ApbDKS:OudKSٶ0ЏrdW7\EJwJPG_3q,TU+3y<[)If.0Kٳ/[uF(P\u"; -<(>HUQ%b9\NROR0y̐el>u5V;fcF%v;5wɖPd&@QDИx[ӮҎ8io+M KT gҠ)QՁ)Ԇ찜&aWĦ\f? -S~XLk;2yzޓF@)`tZRH밧"!lǢpxZ)8|L( -+1HV n<(RtgvI_aNy:,zr7fM q}o0P2RY229.bkЃX% ,ibKGowf_'ANbmCsW<9I_NPEqF zT+qE3Lo/s I7?5.,R$6c$zȪDm#B"0T?;-"$oMI%ߩ"2b.Q=L =ބ< e}K\}ta zDjͩ<MA+f/lӔ"5Y|{i?N ,VJUWC|IZL_*:(j3,?[]_v8qY4^ot>PSn4T[O~އ/mڿ#3=MB L(՟ =Kq#-oZV2WhbK58xϳ*dsW0*CK/sQ\q>dPsQ5 )]Pz-`*Z?ƥBBtNQnkڱTeZ$pI3MOBq( 3s9dV)+Y -"C ?ɼ~!Wa I?JF,Dy\W%]ITѭBlsѶQ.ث]{ȞϞ{Ax]7^ԁib>=;Cw|&kAy!{I]-ۢ/-%px¥2(e -CT!(48nE-F͝-8=mUQJbvnDƗJzB_6u?O[[UO'BVBn8hZ~_DVq  j0EA I60ʊ}c #-S9ʴ[9ьtD)'}]PB8Q[x{~@_<̖_}㢀@lٌV4)LJ+nJo|;tF$`UWFYA pTkVhY??m`z#z2O{0FҦWleĞ5Bzuui<3Fvr> 5XەU[Qp,@rjck|wBgy#⇔Po䧛vQyQ0t |ٖvσ;`Z3l~EVR<S}I^NBy["xX汩7`¶hZM%Hp~f~ ^ b*KQAx1$FP+";7-d7'( A6RM앧D-ĉ]-rBƄT&|.r.M|x eꗑC%][@|SsGlFGT\Zg֎LM$`(%>B%Uf5fS_|}?[݀,f~_Ho)@.O/cf&4#="l æ|Ɠ/-.d' 6?[!ĺ73Bٕ*9[?VIOhn l_ #'0Sh.nKu(0 YV)>} ~Z#z*lm,qM - ->QҭkeRZHutq67`BE;pV$R8F֜&kDŽKkKO0aǴG6ϢNBח!z\OL$]Ptzk^>d2Rl"UeE2J|,D~ZН%}eGSU.]8d4\opfI">+LG`L, 9V$\$|Akj3(<.OHΑJchKP/zuͅAX+ŬwI|,nǹa3l4Q  -G6ꁓk n,+F'JHQ깨$hNj a{u!'^pîW_mupk|OMH- 4ڗ-~pv̥:0+^!n6Zvu \@߲lsԦwr.ys. 2Ĝ',PPAzf[)a|#OohyZ `-Y10+µ)ͤ|lѤ'@SXIQfaij_ ߼!&^{}n A}kOb)VI͕M=-'Zi$>@0N[TD#mvÌ_"TΌJCDv$HRUv#;YyB/Q򐪔k@s2m 4nmpz;lo B\U _kq!]DJ=h].Ys$ NٵQVo/'>+!aHެ0ReCЮi¢tJBU9jMcXa!ሯ ጖4ލB4[M9UplUjmxZ9tl"Đͪ$ԄYmUw> /o> gqg-″sHAr9Wl}<,MݵRɧ~!ЄýX\)d uڮضr|6hg~bS9-q݅JO~+I=8W8^ t>OD\(s_L8Yᕥ "TQq$koҪ>v'3or^IzbN#<'|5wpfBm2髢#2z72.[p?Y wiT"gVy7!ꡚ>"k -+E9cmjo%zoY}- yunNKG@ -^G#UypLjl]?C!A1ty<, ۿJͯDp?~sC}>l l@@9]Eo9b])`y#(~2NO GlL!'yV.3}@K&qHһ0[;CƓKPH01K2]ɤ9.dG*Ÿ%O"-@\uۦL}=U3Y#:|b/D7?$Y6惩~pg('U$Rv\]E|3ud׌0!I/j~ -vz*~ 7z(LN[b*3'-xN};IqKvbd}*D>!㔥 MAo\,lXMv]f6ÂLeQXeцQ-Bkv#HO -ڛ+m'^B_yt[TK%+@U̦fk%֤l80` VhT׾^" 1JqhTzZR)(&5]?,%Kz.2ڛ˛k -gUuD@@U4PgbN =CՋXD]K Y/A -L-ũ&tݗ;bO|oF[~0XcYiRg$ΈPNoo$Q"W8[K *K`h[Q;^.25u/S C-) -7Bgh!oJxny#e5B1H}>*$x9x;@ká.yN@#.6ȃ8dur"i-3f=(1N{k' -b3N}K; KoTUsHc`wSBhubOt]f䘠0НK 5m=tgx~9W<CHwgo*+<|8Lʹv) -w0~Ok(:) -Clu@te k-?6 ,j}#{&yD`%I6^CӠƜ|IX3&)k4E(ٯD4ܙ<,<lg[8.te8=u0Zs';}v]Rokh'%#U<߲龹.x Lɬ '1huX̶7InPqijDxJ+"WlqZDj|%GaKm XW>#1T 5ET>b5R˥P~~M:^ Ji.Is>S! -owf71܋&-;ϡqv(ilr88EsY4Ua'O!EW). Ry&=爧z3Ad\?;r=g~:4FO֧0Sy;.)0av]_1JjW<>յ=AU !U"S ZŌQ %co Бd+L8]~P{L(R:.$Aq|v|TaJ BiNI8v@zZx&a2uqEAg5D5>Za7lnU0r,,3>l/'K=!;kVKF]ws3_y

߾"_v=(l@{!k73X$8 -[_bjK j4$JMې<3p MVF /K">7#~osd'γ#JY jp,/W{b6YB~h\df(uPPS~x/1'MyMq_ܭqY <2)BR%!lHNTrpzZQ{!-hYY-||c5kk.4q8gY>9a] ||-UǶ15>RM$ ^wʩfL>/N-,hH;3QΖA/Jc~(Y,|D&Q&~-7p>qqZ#DPwك?4_,FnEHW.RQRf58@Y;Uq+,^ T:vd_]cݔϨ>%wj|?@LeZu u2Cf~GnTGm_֔͸|m :3nvN4 ܸ_*Wu Jjk]~`Whh择4NTd,筁X< -^EcT[eO:F-*zRS@N]?ڧl,(IBpef7%)QVfp6~͹C® xQl`{} \ ja`H3amdw%T:4Cu@Ƽ:oE; 5f\Au&MVQIcUP2k|C7Ë2cm򽖐/{RIMҷ-TRA:c5By$> -Dn]StEyy{Y#mewc![eaDG Y)[_r`)ҫu|)0wH:F'u9f.uR`"'أʖa~E X3t}8 AC'vKEG:F6oԉ.ǣ$)XJ|I `b'-{)UEm8b$DĐץ9KIQoE// -+S5"*8W JYyukƔ_x9(ΐgqǬ^>PM7ṑXui%{G{w8MoRްdc(uw, ')D8 -VL2`}Ow\!R gGWr=/4^"ۅoM8bn7|5,4tVGd4T3ta{Y9j'?8OzV8zH -DSX -)[098Wpn; _9)ienbw kYeE XPKQxҜݸE4<, tc0h!T -ry̏9Cy1?^p#3nڍ2˾ؾm(z$_z&9kʚ92&sq䝖MQ:rסvgc13i@˲hLܓӮ=M"1Њ%Y:`>fY8 x%vq|M6g >$ջmDejYԋ +aaQ҆tG/VTzЈy`w6HO]IԄo5:JNIb"c 1X=WH|'l(M#Pb柆\RnBܾPVYyKgح?ypFpS`j"VswBqp(b}OALC=&)-+̗twʥPs*SPHX+G -\V`݆*'R6 %OS.YBNJ\?6y@j1[D7 EKc놵b4cRd0ۉpabzGBr`2 ~ -Q!҇tci 12ݲÙ1t8'E>]ņ1B uX2UYBI0J]EIP'8aԤ -LrNSo`ʅjZI`> %y(3AqJYW gl(>;}SًiDp%;J<գS 慯 ^2x8Wߌ(=+vrc"')mnDE9Q۫LmhM4K{P_P:t?AbaNWA~R-[h/2g$l-Ĕa4vț( L4{Q/BwVnK,o<;5 iT8A`jDWYMȘvh7j.M<} )SP5PRA|uu;2⎠RCO=#TdM+^,E{wt,F@bM3:z]HYҔ.>m*J%2O>R* -rh[pTM@r>鄡Y^FRiBۛ0)]/+|O3&tB/]ƃۯ6ax=SQcZk,:ˀ4' AA[Գye`([+UMBׯ4g88U(I hIm,qbw>I+ϚPWSeYI'/Dat83yA ?gsgL,-~bxzUm!k\bm;Ac:HKn -i6슛붺gܥՕdb=Z)/%e݇x1q% jFR` :%<ٸ[t2ZO3)-[xL݃wsW^!MѼguc$ꚜy95ܻÃ2/@ȥe`J0A.G߳mdzJ{|ߤNRmnŏ?З{Gk. -Xk) <~) 49_h0s1Ɯ"vޗd' *nGJBO:8{dvl;~ ә+Eb;|l,半dBHpy:X Am)W"T={sӨPXxa -N Y@QbOb &7WXec v ,w{HpXB I*tX }-瓹Ukq\*]w((Y"HB9ݥ#l 'vxiB6"D -Cm8\nZ" w贪,UPxi"'x(m߾j+HU'9ok8L"֒ ĝRK8pZj=&u96V|qG䱠G>²xG@_:YA^꘸aH~G3r'Z2+UŝxMs nh)8gIAl*yC9)%.k]C^` *B40"wŭ Z15.6qxzn&ŏ (+MW8%e]7R2A/Ez=@w&G$S<Ҹz7<}"Gb*n(nXl9s ڊQh`ГCx.l?ݻ?-- {CSysWpdCʭo~? uP{u"O -&0+6AԾ rABV9:Lp4WŁZ9SQ2kh۪ѰKAxg4F̲cYz ammOcnR5>]Ki:Cm󘛴H7q*4fO]Ť ϼ<$Na“i: V?´_7My;2%AȻCki_굸=z F+h>z|؞sM>I4 -4Tzy0r3U#AnV֣S7c;\tI 6bڅ0~FݞiD2he"qSf`vSv9 ̽Bdݥ3CgM7 ?@]FE˜@Fa(!_|K,tv(I&y --dR}{ "öJqK:fOʄOBKH:[) e /%TGt:VB:a|^pp]xN:LaEm H `'R w7OgLNMx2ewJS1&Y~>W֌UgQk;?Du-\uޫg0g:K؍ͧB|/=WtY!rť:r|4.Cٕag!C+jlmG[qEp2}$-t>04Ҿ֛8ПV',k =}x,08yV 6n%EΪ0& $TOؒ@Wu脎G [X91gBw~xW{rMbEŝ7){*\{ -Ou>#|r` -FN:WvnXYN2b(7Kٚ.r}̱)}$%Fvh= -$580v ~VRLʢ ٨p+| m3L~գO}UŻj@b=m F'ΎМ"^p^6`)>ޔlAq@;hǑMX3|ǃo3NQ42kG˩,©o[XS0s/ EX@)!WB L\nf u$Yg=+Mg~$جnn-W!Z_vRQ5OI~B5i*@ec3C9u9']w9AAt@YdH=4Q#1  9,>e"%EcH=]=r[a19p\ yA#԰vZ@@*d%BeXRMZ?%)`J\1Nfj"J$1lQy TxG%G0fXe)aW SvٲMf9X] ) mzROr?rgtbCTS vU%}>ABh,)H8 fP4/n3}奢fiOfX+m]cw /ࢇPQa$u !wˀc@z>%aQY&,= W3`dXEOLN?_Y~vW p꫘Bt[p ,! /V^gTr±{ AB!~w$%>*яe.@əy0kU%v ~y,}FfUO^:5s7(ͅuVj#fᓷK'&twz21%}^oi}ul-zQP}&3c{g汑ۺ;7vm}>EbÞ73JuS>9oS%1tSyI+:/=n!uyn N׋`[xth6ɧ]{]tg?,Q6)`mK2u7?i?W y{c+& up 2EF0:"{H!-f!at<.rTNڔ#EQ<#Dte -=#ˍVFkǣE/H'ܿ, -"M=.Y X.KԦKGMr9/q>MKonnjwnd#Uc\p}!C -JAZuqT`6<!Os -O39ӡ pE&j8*5UؕDL 64g` ڷB߆ m - -;T\ y&"tҗ$[oA(W`ʢ0=&\^=*)1W8ڐZ --Qz5E:r+Q\(Hr']P/gSLWZaTb(Da5~&Re.Do\p;@s)==Ā嘄OL{s𑮁qoa˸jRjR f#,U,l$IVlp?֜DVIgy@VPw&P- d:t9!nn~9HYI5P,8%/kљ֪eU&_id4x+I]FW=})Y\љSŵ{J$ff$ 5"-\.DEx2&VS@:f]$i| -F`*3,Ӿhce4oNj+1%\!|Qm:SK-n?ELo/`IH8y.ybMWEYg0l9Նx -=q#O_MJĐ?>l( Bԟ}_[?#x7iγ -GijzKؤq¦YuH\TZ6/4{~*'$CJn|SSPs/`-m%HPs_2}KQnM@#:B)JEu^DaS\ne_Nh̚ o[02Gw@1GVl=9YQ$"R8ؕ u k[mOݞsOoؘ uˊQhqVe.$LXVJ<8i\ɨLw,) }>hluvgtLdM8ah -=<2(sNW㘮m:#nJ&D\,=Y/` `I*"}⟷7!rv@I[2iU+ M.A&^3BJ*h k[؆Vg2Ir2(Iy"VJFjɯG_ْ@F%> Z|$7>!/bxlbX~Yr_\`bhxǃYMַr_6dTE*[E[FYg^Tmu1fnՒή{5 kr{tW@FڋgkEBfN?c9`Ge[ "ȌҨ5d;M,B$]"GV/~F1CuhjFezwĦFMx&y^ ȌBkCWחm"mNT<Ę\襂;"jG'YfkEKj(Ȳm8}.iGR |# - C%olj(gI4rwQt_:;;pǻ~gx[93@0wnʍz8` -neprkm|crKۜiy:U9)Reݠ;!]2:-kD{|"@qZp?wj7%‚=\c&>g@jW{܇N}TaQ WJ}/6}Ʈ<ߧѲ7 by)709$A{ nħ\"0"CHFj;Luؕ?`;(Dh6݉^ -3S9q7'(WAN pOaBYzy_pz,OwaJ-{Y ^!vJǴ1,Ω |]F[g6LkΌF7fFl-e^j*S[[j#4KǦ~p@]t;w1^]];iFR.Ū5_Oh+\Lm+3AZ{>6.h "xҒ#82ĖU:O uWS]7ρGm, -ܡJPkjjBēJ[ 2w5Dbnh4_f9ӛHW‡;al-#S+-J@]a|Rw/HX'ktҵBc/ 孽8 jN~2Z|„0cxJ\xնh-d/\< % -endstream -endobj -858 0 obj -<< /Filter /FlateDecode /Length1 1360 /Length2 27857 /Length3 0 /Length 28815 >> -stream -xڌwP$ʲ%:4N:0; s}}7b7:*OʓJf&@ {Wzf& -\\b`@c?61c?n7[3+ _<1cw+3<@G.leaZLܜtVycWKݟMmV@Wtuuad`0sappxXZT.@gwr -v c#YZcVu0w0vlL.̀΀?gT@qj M迈665us4[r tc{m][q;qc2O}Յ -sfvv@{Wru/ƿjca܀bc -`gbbf@OSKƿռ0SpuvfV=ܿtGx>-3{[\F)i%m)ڿ oHDCgag03q28,E_Y0;VOnvW5ԀRpX cbg2-Co!(_Yz W7?ڗw3Uϸͬ'*jg-l\$||T! V1OXHoCJOCv퉼x;I$O wZ죳Y҇KC~69G#r"SV<=kl{B}|ۀ| -C:2jC*8-zCfS7g bէ-gЭ\cZ QRj@vjS[+g]L6HŏJ}p_+Z1my`y&<_>NE>ISlw|OŇUwLR0Ul*$V/1EEKRJsڎݷ<& $W4]BLK45A4 n3F>$mIP}e=ЂD$w/#TYƦ/fj4Hy.ʵgחfzmyP2ee -/~O q(t K቉A݈e s¸`[.`tɃ+bœ^{V -QfUk@Uk] R!*bT5^W09KD[ C8i:`]GLuMOJjpzJR4J.E^6E}zA>@`gO|!\-u7h*C[eL=o ^ Yx*ڠ[չ~ɬғˬs [W{7- G;f'_: {icjO]u-&-ؘcޥ,!jQ1@:iEը#|LTN - ѣX q7h7¢q5Xjtu#tu%!Lp:`ÒEPM_OFVtٝB`ԮE+Mx,rv/C`41*Ty=ҳMMdK/?'_`0> y'Vur'a_[.dܞH\1ַڡcjCе*f7xO7qwZ0 `{[e,S5~~C8^.eVH{vIDi(}hq:xaÀ.6P }"m"hƼAv81KSʺ-jvzO-˸҈ n -l5sBo'nGFۋXc??wn vbk$'qU5틗qp $/qJ .t}gk5& -ls-rx? HEļf.7LK}O _0Z<1MdXޮ"^  4!ԅ58k<1Ie&AUXJ3F$3)0|;iu0׈uU6-j yyTQU3,ѯl 3̭Lh+lj8 *@b񝼭 -\;|r |ferc u+ -e*6{hP6rN[ݻAœE :o݂L!&afV0?s7 #X8ICKIdY#M|t-Umc8kMbK{n ȵ98CۋktNԖ8m\%{N;h[А0RJ!=r4K2hK(bU3Þ/TDV}8m -mn{?]vp4>u //R^t]m@ld:kT+feH}!񣓚? i!ddV|!z -{W%F(AQ!H8O}9z9H0Hr6' aCs -9BF(Q‰HԖdӬLMQ{О+B2po * -t *TΊyшTfmi8 WPk0TMGA]i+">'݅Bm L Z #y{Zv؋LY7ZWP1f˯u䇔 >#* 4bոtӍ=ghJ#%PIUf=q] +>%Vռy";8!U7}%mvF]瀱/z-u]w]AUaaC&EҊc賛?m6LœxP8}$'Bgm(-TE<Dz/> Joͯ|J ^˥P Mл"g1@Um}/wEȲA! NzuO~ׇ|o -ڒͪ9+'/4#5$-ΖzګMzL; }g]A=2r2t+S?#!EjMo=1&1òE,wשZJ$lۃgn{Ud -I Lvgf?NAmB%Eq6rÅ)@ept@ -s7h{ީi=4[YqPE$[bU1!G^aLXF DgT {ofĥIL)CN{f1ي}Pԕ-fO%0rK 7Rz_m)?'L`>s{P/ _IֈطOg)Fe6!s5-Tؽ n |Q6]y}q̙>qT7cفK!4դ>]vp߫M[!;!18=bMc;:@oP:DVN[uq&.]t5"(=P!DETՉ3||. TE>n6n~L05yI eD_ʅܕsMn{de0j)܆hL˝I jep8Xu'b:?~}4,]N )(\J{7y:rf6*{E@M t(}j+FLypQ?Hi'G}#vھdjFwyeD̮F]w33Pz˵4V$]N/n}#aNd:/(ɻ-#YEOK$ V!i8x,0#T_LFqH5J#-P-,dOm;ZAHLPrngرjQ/hrȩ) )m}+7kg}ִq@oLU .a=Mc0{m>bEۥq4/NC\g/>)7_ wյ)0zW6:EV^97uǢkT( Fe^x?f>jFw})Abyp8Ո㲬s\!߳OJ2:s>2^m\ &V%& m=(!y67wH5omNW4nߓçqIU\(CQHd^[%#mco]O5V)9Q/e9ב!Z6mA4}0&<6ۂ(5Gzry#[}BHjln@9|UB+iMӮB)֧O1>3Rv  p+} -aR{7!}Gzv~t]7r]O0Mm8KZA -LTVOgVM7MAU9u/4%SCp <;jJ`/k7ތ&xM\Hqh8!Ŧ~5H ccRZKQ$FByRכ[)М#W&CoX=* & 15|XW z=@,ʪI9٣`4;q<,nc?aZsG'Y>,j問06VM$hU9Kl+MZ~glŊI^/de6~[_٥V"r5asX[6fiꨟzhjMzejX'n L2ETwI~}gBo0Θ?j( 7\^l͚y ~(kYzE&ĭuR gtU%n\Baxա`79VcT +#2 al.Tmp}6 Ak5xX#a{`Lԣ*6Z6@yK8᠝[hjMg8zIYwuLWqq6Wt-CLس| SJT=5H&n%b[ם\LvV/N_ϷXQ? ths#K#"z얉˄9%K;X*ʭ Q;!'jM ZY~tm)򬥷L:h5P?mbCJCdhC95N7 ?\C[}ssm^[%RTי԰"Zk+| mYyR(ֵ/lk!gU7Ga -w'Ug7 \"YIkmAgÚgJX}p9W g'"{tѳr iyyny0²V6>I S{f"(\vCgӇeV0 > eb Bk mX4/4{*'UP֓˝weaucc9Ek:B&&Ơ.w$o$'MD -9U]֬ n"9ccIt<^U;=rQVBCf0X$2MD~QFrv@]g {/y6]rQk) [k͟E:<z/Mw@Ʀ Í1m +H25l7e -ֺ@pXD^'[jB(P)T'WfZaNR@m!tdI~8pG\w&4T`,D;Ω[vyG˦鏑D+bA*yE`0ÿP>g`8QV -M?oTY3gn82m_7D.Ք,m]%|Ó0mrBMz18QUm%${WPo6JW" 1d,'5T)ozH7y.KREi{)\1?N p7u,~Ǖ]I34;~r8I YkNr}Y<8A ; -mq}'ߞJm]|⍾4XKƂ?,,p1o[1vehK! $mQ)ǫI8 r1b+ 'Y;D4綠ew(6wNS^ T~47udE᨞Er&T76Y>8%/0ioe&k)2VMsHIʠ^wGm*;10"xD~|@9Im-a32ĀΓ13,Z =p *V^*8)ݷE&[$vO\kК@.Ud*x*/ u͹4bm043 - Ò/$i=vA^L)y]XjԬ))xj5 O]2L6a0lK]w8 n`iUŊ1]aeغxOeDx:̈́-[t Bj˄h~ު3giI' 1/4d{`S$.YXo7^Rnjд > -JnVg)O̢ mh[5ak5a-ֿ$NB[1]fy6O@y#orGXh`&;lZP<"~Q2SQ _b/&ҵ?S+*D;+ 4YM,Gd$ކgd"KjҮM CmD"_w艆4z(DCVuFyJsW^(\TB{(> XL܋Ã6Ԃ]U{iҵ!b -ZzbPfE~6)Ru|S\TI,R_i 4䪿~9rؙ T(SB$&iD~lY̋vV|Bo C9āi^Ze,%?Чcc2**MFDkx@ ʐY'rE8ߢCi,q>uA(ֆLot ?ƺ3SˆH6/XEj8 mE!?ώxs )EI>RG\ 1w&!l0]iK[Aom@KpGGl UNVYg(#r22h>Ul%G}{kT}ME=e(*Fae`9\ڰ6Du97eאsJ2"W>t6#Ŕ$o_EPmاn[)Bẉ^e%6eVv4~ 1}t+KZ" ->HF=LoV.\T;9߹cҗ0EBfS*as)+i?}I}q p${kIOtl 9mOC4(EgK>(~a: ͂1|^L[S:ѱ3_/VShiN:>k[YZP:{<~%8! -{Ǣ"es-n9'/IϥndCGԣ*h1t3uœXqESWiN~1;Hsdκ3yg$\LlLd$BFx$])m0cĩ`W帢xx&2rY|ZKcd$hK,3Ֆ:1^CԻ˲otZQH ,fwo2gX3o&~j2J\ r -edmMCbkhK SoCoZzKx;;\&;Bw\U*94,ډpB. /^p2w8\mz0I4od(SPDәy[ʳ;UF=1hN >T -#n>ۮӍW%G+nSez$W=af9aڠMbT eZ2ЦJ) -$8vW ,ŷyvńrO7k4{ZwXb ׮WwS'3z[ \.-dU}9 ;C6p8|ùUφfdZP4;52*!`(EW!vف꓊l 'c*|m`>(:OÎ'A[ȳvzVA#ٻ~S\shK) ) Ϯ'm+^4K9 -$d*9lr۫a*Ě>!^ -M7f|' }=:7l}I<Uh$3RP\ (A[ct*Bh[vUKQҞZ :U+-3zQC+ ZOX\$U{*EAEkdTwYcX10'R7yWkbyk5!ݔI9< )WDs,$hgXV\pW;" @S̆(s, -G@R9b8FMsD0F۹}ۆS?G0Ҫdwq:#%wYcUw-,1h!^yh7 ׸mxGKl삗VéƇW@lz+VÐQ2H|}`iqDFbZK+qr}3[o*;YNgxSUܯ`@Sco^]$%1@i2CYNߗA܄Cܞl%璒VdTl,sg-s&v RMPaU|Fd% ]*4Fd2-ݡ(~듁v-6k-,WݎxKLt$qmZ>Hrz"hW񏠤7]4~lc <_ Ie-|;QZ2g{j-Z<!= JMM2`kᒬqdW%3H }RS>KMcc(֢cAwa C~-BLee.M2U0'e(ɓS vN=S 1;mP^'ջ͢o -^r'v҆¥tlTX.w~jH)]CPJ􆦆[b-ކw!UfYЭBY?LEDxURgtl[>ƝS0 gX\}L񵎊^a4ZN^~wA^z6>S/UB]_e!EA $C< 3* -@hA5t*0d7qr+@@6< -f)!  1dU2wsgUCbğ;B{93.kC']z6L:IY$_XqL.V|[Ěv5L-`tcxz ,kB9։fgX՘LPZ8-,/ݚn2c|N;IP"`t:/\{ ^f6ku?\#61*-m46d̼LyTPM#a' M}\z{&Y'5[Pq&L@CQ?;v]v]H!fߝ1$!v#ˣ+"yR WiB`̹rm+ + cEȴxBܸP,lйI"G|U:FK-xe$ݨւr|+Xz]Fc&LzuMYF }֋Cm0џpu"ADl%Z+5}i:'"Y=X[xfAtaUH| $[? -\7( pѿ\Nf~G4A+ۊ?n)J{"51}"X&))d-2Bݘw7GPpVb0 n+hc۸キhZ.)[qtڃuY#< |m5e*八x. {rj8H᝼x(. ͏A3AM zKqbݹA>l Qۿ%{ݞdXa&DwۄW -h,]^\R3^9#U 8!ԾdUݡDXM&[>)!91iok$̰Б|T3.r GC~-QeZ*!ިpl~&3_%_#]) -=jxL|i<$)fZRy!h}Jf[QM{--U#OؼLxЧ|DҳRxy&fVe$W/zB$& :(K{$'2ᶓ]]7]10oR: `0oq~^ո0\oBY<=~wע=oޝ+ecn\uzgI"P_Q<XxOIr⏒/`nfzAWVeQ!)A+lseɄ%s)E am_ p|L&^gCL+Ͻ ﷼p%1Iq  -|Y_-~҈Ŕ݆C&9'py )[ZxȄ_("|RM-,i?,9R/' RĀJ{E<<6t7(-3c2=0_q8P'L ݎuk{ S=/coĬveaJ -j.ղekhH0%/p5v0ki7yJwc偻l7;JfFۯ^K@DdR'z7`rytS.VʳŶ$pA."l\4x_n%GOD3LD*3^\WW|AAfPC6O5֝+KR$N"2YWD@ފ4(0{)+%F+l̿2|ad_xeI¦iy6B]ojMk UEJu"сF(CZ/9ţg&ϹiN$:!n%Z;W^&vUF^]gf̍p;d` DrZk^ciu}uSCpZsn#.VFK)nYGRh(s; 4p3dvP23'Bb5fgtyP\$`IǤɨJa( 6Dc*a %J0]Ȁ HU=tq|X <'IbXg?ZW=4 裟N#l4n{0yt+ B~$8-= `۝G,)KVʘV)6WRfH:b<BRt65&LPsZ -="}[Ņ`RԨWa\k֚ T ֻ&Tc} E61H@:i"qd/BV"ew?L`'#"Z/_!̵2G6!JHثP}/#DRZX4QFTxtޞcu"<1SPKN'f{9MAШ. |D -|LXgsNvud"=]5Yo!1JTZU Kh  -I­Ua^0UJ$xaӉͬ-`ˀ9!P01BE Rd7c7 X ^.:< &S#RU LP-_sndg|ϖ@ Et.[6I+'r]=UzNP× LߎFJJM 2hTa^UcW c~!NPdcwQ%|g F0cAwQ ?Do=d\l<~4 n=`LAg' 2wf Ɋ󖹉aE@<`f3Jù}WX(e.+bOKC[/гUqC]dlB%Бd_ɥU-.v#YR/:4fϕ.eE_  D74H=U宵C6`BP&Gԉ%P,s3z0~_㙭BaD+4GJ/ KRcG*4ʜ۩Ϭ9r]$޼6>Q\\ݰqy?Gu(}-IkY(26-_9޺H@6K#05@ |%QkF1+'xŘ2cH Z ;Q嘲"Š,O<Ϗ#@ G@ '/A \cnIn3icz_T[)tA=hR8U^=zQUyRqb\l&ޏhI܋;8u~-D) @dSA-Wb!=O'P@-KC Isٓt!QvQBN9FPuIt ,:ۍ}P*!7wwBS}`;'#,#479du}b#z5&Xb=](1bi1Ko~`9,\KP:e$Iϼ",dSolZqϖ([ `KĶaFMZ9Ӧ~:vRqۆ-|\ko\`h,=@1 P1.*rXchQ6ȀuȠ#!-Oq6tu\)J6q+6R&A(J)J!hK0ڂ\b͉-kѢ/p]Lž| uS[ӎ*'lDPAe|. j `RH'k  w25MMRDj0 oJNHjcD - N]kUF$8!}g4v~VA:|Kwgՙ\0) SP:uuq;9P!4{-YYVn;TyFK<>b`g'ʳH~ku%6EmC "~$Oxf%+4v7G6eTI]7]T;AG 3߀$*wAC٧T|Tu%׷mRed򍗰\yMUT͕S6~BT_b2ۦ D+ji8˘߀,#d[]:d#}+< {`Xz-9+<_ h &)d>mu/Hm~lTtdSwmәX%:{L2[)>[mpuB•^7/$Yp~9E;S5 -tGvN)k"1c%b=ښsW(6àz^,,Ltd!2H ֍A5\sCi : 2[Chg\`]+X°KK$[!?U!7`}*yNAJ -٭(7r߶9(2:67 JX/ZA -o“K}_ }"#Tϭvk7SQUmUQ~n>Ơ (ߎz`Vge;lM.tRTqޒ|Ei˵LTgBqAKAĈߜE)4dM0N*!.+anmko_du0Bz~I?hwk;\_++j^YᰂݕN]48@oΙ;4:]RfMw刧sLʓ*.TD=t'͢p#6}9Cdg (xEŹ}dY\4V_'%g +"ʒ≦mk@B3)`%q܉HCh }*挦U 8g Ð0-!FgAZ&n6 v7y؋ nY|HaNf8F>%ϿKLzjDꢈ MvF2:ⴌfRT-kaT'xk ^=Rum ٺ ~Z3 p#~D8t3\7+)ǺlgO-J? Di\-[pI̱3?z"SVGQsY1CX5*Z`9/.w¹R<'Nc҉L׶>(g7ǘ'MHƁ(64* W{4dF#k\@Y'\˺r$4:F'ϣ l96o$l?eR$⬵\""d?_wtZ,X -7 -*]5}L\6 a+׷tU`33|GK` @ K_CӖw>,HmFtʒpHC>[Rz^n|n87@=Ė-Z BX.;!I J tHQ`u)?a"Hԉ4]'ٱv0Oob2Og$XFA 1ih}nЊ$s Ϙ;S|&!dlxŭ9ֹ}-3L9(V}GaXݾRfJrq+U~YvUn5Oo@\Nb:fr+BVQ ,kV߉t>:czHd1ȼw@Z SyP"-0S%|+ހkuq\}  -w3oJ"+!9-0]%73MTԚ5Zk/Ź{1M!t1 Xvpu -A>Ի(m,F'+ފYׄ "7]9RuӢ !z|c{E.Z Ɋ[.C; -2^EcuazB5xv,Z x~僇|h_V|]l Zq%Xkk\q&eƴXqT#OٮXk3Et3Eᡉ}{dd|#i7$?h:XG]XA 燘84c]2P[oj`|nIY@K '(Q(2JBȾ:aG˓kAd[6 s"vi@vMdO)&0yпv\ݒa`TYݚ7+Ǡue/ODX[e!?yThW|v=|'orey5S뒔$ n(sp`IiTPJ(TY7)`O|i7B\SFԞ"0V>>+>`U_oep _,&Djls*1ΫE Mkײ6C< H\mzS*#"3Zw0y-$/5cu'Y͉-T̪ P>ڌIL|pW26q -]YL:0J# ->b { SG:" -tYKk fz`O$7%g'Э( .>!Za14t]o>~I(YDYrNo|* -L.CicAGć=tѢGiR15 /.rxn-,EtRd/^Q - i5'_sFlc&KBdjǽvF`cц;4UL|< 6NS:fNw1nRfH`Fګs$fO ڀjyunyGsrЀ|p$=T5D -20H >lnڃfKoI.XSG߲]E|Gy#F괯LoZI 7`|ʏ!6d9Yi}שO\k$v}u -iPɣnE({Nέiuy;'zX цLf 7{ř~ ;fE <`V q`e؉ fN߲LpPȩ Z#2u Ql"Kz.hX+K} 5y:hVct1'ڦƃ/xWczV8 =Yt -Ol40+cQI+FXOve -T,vJ(I*I6M"Ozu+4$t+Oz)WECB9]徦yT\-xA77 -1ӡJ j;akMCBZDM!{)l s, !~6 :S~m_$M^l&Oj䘂YSeSWPCW._+H k麙 A8 n/ #,ߠ7I\J[IY8gIl). U )I fR]%RiD{ -fvx+/>(ɢUl-`G*aҞz.ak.|;6SYy&'f__HmsEidR5X;|ӶP. ki}T5UߢMMȂS"]%n3b2Q:MQQ&]t|b|o"uߪ="mjvjiuA4("5j)VXGGѡaL҅;=;wjʴd6HfM-+Ū!Q뭠Ӕ.g+],{jT0Qo{_Piψ'wJJU5o -,|DyWyGj{@e26LҠU]JԀ%ϖSԂLʫntt?/arv8i -QJu%SoPf6jId+4EܡZH ]}U$fl/;W(IANuRI=>O.a1+<Cm⤚V_Qs4rCƎthQ>":$z57bbųA*eZ}~ L0)-JB>Cv[e?ȲOg>O -Y+S~gAKN?le=lb&Xy >’:WjęI8.:D^fթ2,[vwZ~$% Q 6쯇 cu8 X!Vc6g_M^l@AXXQhp d4@:~6;%%0YtsU~X9a~of@ɔ#m.a `xIdp-^^,,x64/M|s#4 us+Y^E `[g_^_ UAz_5, Y֓g#ʀFh|IΧlP/rR2j$w)8̰3T~ /ͻS<0XJW^S%UI3Z!7v5k>M{8s!1Ý ԋMQRb3SQ؆v_p&^H9y,¤~}WuP DRŶJFi߫ 1d#ڦ^V4.YܩٸI>$0hhWJ퐐3iƚi?\4/04tzEjU?钠Vk!JE6/oNX.0P10XrWK5mnk~QqqZ -g"0'JP5qx 3]GVVӂZTсY`$u0Aܪ*jTJ 14,7%Ox6e1 xj~-c;7)zb$ R5bu uidlmo`{C'j6erIggwxݣх87C"9CIp2G$C:a,1 k -<@-1PηK5EcI/>dym^3Zݘpb4M4ȳ'pO~PT$HDz-aؽ!\[X+bc/'B6u+? PCB9yvA`\ϯ2ڿ9ajiLrr+~߆uf4l!l#!B__XCG&ۭ8a//M侷ꂓGLZ+Z,q jH۲kK_i,Ϡ;9 -endstream -endobj -859 0 obj -<< /D (subsection.6.2) /S /GoTo >> -endobj -860 0 obj - -endobj -861 0 obj -<< /D (subsection.6.3) /S /GoTo >> -endobj -862 0 obj - -endobj -xref -0 863 -0000000000 65535 f -0000000015 00000 n -0000000208 00000 n -0000000876 00000 n -0000014395 00000 n -0000014429 00000 n -0000014477 00000 n -0000014551 00000 n -0000014626 00000 n -0000014735 00000 n -0000014986 00000 n -0000015059 00000 n -0000015132 00000 n -0000015241 00000 n -0000015351 00000 n -0000015440 00000 n -0000015559 00000 n -0000015695 00000 n -0000015807 00000 n -0000015925 00000 n -0000016020 00000 n -0000016182 00000 n -0000016361 00000 n -0000016534 00000 n -0000016709 00000 n -0000016889 00000 n -0000017067 00000 n -0000017240 00000 n -0000017413 00000 n -0000017587 00000 n -0000017759 00000 n -0000017932 00000 n -0000018103 00000 n -0000018289 00000 n -0000018449 00000 n -0000018610 00000 n -0000018783 00000 n -0000018938 00000 n -0000019150 00000 n -0000024775 00000 n -0000024997 00000 n -0000025044 00000 n -0000025131 00000 n -0000025186 00000 n -0000025234 00000 n -0000025323 00000 n -0000025386 00000 n -0000025670 00000 n -0000026002 00000 n -0000026254 00000 n -0000026434 00000 n -0000026638 00000 n -0000027002 00000 n -0000027230 00000 n -0000027474 00000 n -0000027718 00000 n -0000027986 00000 n -0000028238 00000 n -0000028586 00000 n -0000028950 00000 n -0000029106 00000 n -0000029309 00000 n -0000029512 00000 n -0000029711 00000 n -0000029911 00000 n -0000030096 00000 n -0000030368 00000 n -0000030641 00000 n -0000030917 00000 n -0000031163 00000 n -0000031395 00000 n -0000031713 00000 n -0000031986 00000 n -0000032223 00000 n -0000032483 00000 n -0000032838 00000 n -0000033140 00000 n -0000033441 00000 n -0000033699 00000 n -0000033952 00000 n -0000034177 00000 n -0000034350 00000 n -0000034515 00000 n -0000034702 00000 n -0000034893 00000 n -0000035097 00000 n -0000035326 00000 n -0000035532 00000 n -0000035587 00000 n -0000035609 00000 n -0000035797 00000 n -0000035984 00000 n -0000036144 00000 n -0000036315 00000 n -0000036502 00000 n -0000036690 00000 n -0000036878 00000 n -0000036978 00000 n -0000037000 00000 n -0000037046 00000 n -0000037174 00000 n -0000037254 00000 n -0000037301 00000 n -0000037430 00000 n -0000037502 00000 n -0000037665 00000 n -0000037850 00000 n -0000038024 00000 n -0000038199 00000 n -0000038369 00000 n -0000038536 00000 n -0000038698 00000 n -0000038858 00000 n -0000039018 00000 n -0000039232 00000 n -0000039394 00000 n -0000039562 00000 n -0000039725 00000 n -0000039887 00000 n -0000040061 00000 n -0000040227 00000 n -0000040395 00000 n -0000040560 00000 n -0000040723 00000 n -0000040886 00000 n -0000047474 00000 n -0000047720 00000 n -0000047890 00000 n -0000048062 00000 n -0000048237 00000 n -0000048399 00000 n -0000048569 00000 n -0000048743 00000 n -0000048923 00000 n -0000049096 00000 n -0000049268 00000 n -0000049444 00000 n -0000049623 00000 n -0000049799 00000 n -0000049978 00000 n -0000050152 00000 n -0000050333 00000 n -0000050507 00000 n -0000050682 00000 n -0000050859 00000 n -0000051034 00000 n -0000051207 00000 n -0000051378 00000 n -0000051544 00000 n -0000051726 00000 n -0000051887 00000 n -0000052050 00000 n -0000052215 00000 n -0000058351 00000 n -0000058611 00000 n -0000058775 00000 n -0000058939 00000 n -0000059102 00000 n -0000059265 00000 n -0000059435 00000 n -0000059603 00000 n -0000059765 00000 n -0000059931 00000 n -0000060101 00000 n -0000060268 00000 n -0000060436 00000 n -0000060604 00000 n -0000060770 00000 n -0000060935 00000 n -0000061099 00000 n -0000061261 00000 n -0000065919 00000 n -0000066111 00000 n -0000066281 00000 n -0000066445 00000 n -0000066618 00000 n -0000066792 00000 n -0000066957 00000 n -0000067125 00000 n -0000067291 00000 n -0000073407 00000 n -0000073626 00000 n -0000073790 00000 n -0000073953 00000 n -0000074128 00000 n -0000074292 00000 n -0000074455 00000 n -0000074620 00000 n -0000074791 00000 n -0000074959 00000 n -0000075129 00000 n -0000075293 00000 n -0000081278 00000 n -0000081566 00000 n -0000081731 00000 n -0000081895 00000 n -0000082073 00000 n -0000082237 00000 n -0000082401 00000 n -0000082566 00000 n -0000082729 00000 n -0000082896 00000 n -0000083062 00000 n -0000083230 00000 n -0000083409 00000 n -0000083591 00000 n -0000083771 00000 n -0000083940 00000 n -0000084114 00000 n -0000084294 00000 n -0000084467 00000 n -0000084654 00000 n -0000084830 00000 n -0000085001 00000 n -0000085175 00000 n -0000085345 00000 n -0000085507 00000 n -0000085670 00000 n -0000085831 00000 n -0000086008 00000 n -0000086170 00000 n -0000086341 00000 n -0000086515 00000 n -0000086679 00000 n -0000092341 00000 n -0000092558 00000 n -0000092726 00000 n -0000092895 00000 n -0000093058 00000 n -0000093232 00000 n -0000093403 00000 n -0000093577 00000 n -0000093755 00000 n -0000093920 00000 n -0000094086 00000 n -0000094266 00000 n -0000094427 00000 n -0000094597 00000 n -0000094776 00000 n -0000098571 00000 n -0000098842 00000 n -0000099010 00000 n -0000099178 00000 n -0000099346 00000 n -0000099514 00000 n -0000099682 00000 n -0000099868 00000 n -0000100036 00000 n -0000100212 00000 n -0000100384 00000 n -0000100555 00000 n -0000100723 00000 n -0000100892 00000 n -0000101060 00000 n -0000101229 00000 n -0000101391 00000 n -0000107408 00000 n -0000107585 00000 n -0000107748 00000 n -0000107915 00000 n -0000108081 00000 n -0000108250 00000 n -0000108417 00000 n -0000108586 00000 n -0000108754 00000 n -0000108922 00000 n -0000109092 00000 n -0000109255 00000 n -0000109418 00000 n -0000109589 00000 n -0000109770 00000 n -0000109946 00000 n -0000110108 00000 n -0000114337 00000 n -0000114581 00000 n -0000114752 00000 n -0000114920 00000 n -0000115095 00000 n -0000115265 00000 n -0000115428 00000 n -0000115599 00000 n -0000115767 00000 n -0000115929 00000 n -0000116092 00000 n -0000116255 00000 n -0000116417 00000 n -0000116583 00000 n -0000116747 00000 n -0000116910 00000 n -0000117073 00000 n -0000117259 00000 n -0000117436 00000 n -0000117610 00000 n -0000121847 00000 n -0000122121 00000 n -0000122286 00000 n -0000122466 00000 n -0000122630 00000 n -0000122810 00000 n -0000122979 00000 n -0000123157 00000 n -0000123318 00000 n -0000123500 00000 n -0000123675 00000 n -0000123849 00000 n -0000124022 00000 n -0000124203 00000 n -0000124377 00000 n -0000124555 00000 n -0000124732 00000 n -0000124900 00000 n -0000130289 00000 n -0000130427 00000 n -0000130642 00000 n -0000130856 00000 n -0000131069 00000 n -0000131281 00000 n -0000131580 00000 n -0000131878 00000 n -0000132177 00000 n -0000132396 00000 n -0000132614 00000 n -0000132824 00000 n -0000133050 00000 n -0000133275 00000 n -0000133508 00000 n -0000133740 00000 n -0000133939 00000 n -0000134140 00000 n -0000134340 00000 n -0000134540 00000 n -0000134741 00000 n -0000134949 00000 n -0000135158 00000 n -0000135358 00000 n -0000135566 00000 n -0000135773 00000 n -0000135978 00000 n -0000136184 00000 n -0000136388 00000 n -0000136592 00000 n -0000145036 00000 n -0000145214 00000 n -0000145429 00000 n -0000145643 00000 n -0000145930 00000 n -0000146217 00000 n -0000146503 00000 n -0000146730 00000 n -0000146956 00000 n -0000147227 00000 n -0000147498 00000 n -0000147727 00000 n -0000147955 00000 n -0000148173 00000 n -0000148389 00000 n -0000148612 00000 n -0000148833 00000 n -0000149144 00000 n -0000149455 00000 n -0000149766 00000 n -0000150077 00000 n -0000150275 00000 n -0000150475 00000 n -0000150675 00000 n -0000150876 00000 n -0000151107 00000 n -0000151339 00000 n -0000151589 00000 n -0000151838 00000 n -0000152088 00000 n -0000152338 00000 n -0000152543 00000 n -0000160754 00000 n -0000160906 00000 n -0000161115 00000 n -0000161322 00000 n -0000161532 00000 n -0000161733 00000 n -0000164876 00000 n -0000165042 00000 n -0000165104 00000 n -0000165166 00000 n -0000165228 00000 n -0000165290 00000 n -0000165352 00000 n -0000165414 00000 n -0000165476 00000 n -0000165538 00000 n -0000165600 00000 n -0000165662 00000 n -0000165724 00000 n -0000165785 00000 n -0000165847 00000 n -0000165909 00000 n -0000165970 00000 n -0000166032 00000 n -0000166093 00000 n -0000166155 00000 n -0000166217 00000 n -0000166279 00000 n -0000166336 00000 n -0000166396 00000 n -0000166459 00000 n -0000166522 00000 n -0000166580 00000 n -0000166638 00000 n -0000166696 00000 n -0000166754 00000 n -0000166812 00000 n -0000166870 00000 n -0000166928 00000 n -0000166986 00000 n -0000167049 00000 n -0000167107 00000 n -0000167165 00000 n -0000167227 00000 n -0000167289 00000 n -0000167347 00000 n -0000167409 00000 n -0000167471 00000 n -0000167533 00000 n -0000167595 00000 n -0000167652 00000 n -0000167710 00000 n -0000167773 00000 n -0000167836 00000 n -0000167893 00000 n -0000167956 00000 n -0000168015 00000 n -0000168078 00000 n -0000168141 00000 n -0000168203 00000 n -0000168266 00000 n -0000168329 00000 n -0000168387 00000 n -0000168450 00000 n -0000168513 00000 n -0000168571 00000 n -0000168629 00000 n -0000168692 00000 n -0000168755 00000 n -0000168818 00000 n -0000168881 00000 n -0000168939 00000 n -0000169002 00000 n -0000169060 00000 n -0000169117 00000 n -0000169175 00000 n -0000169233 00000 n -0000169295 00000 n -0000169353 00000 n -0000169411 00000 n -0000169474 00000 n -0000169537 00000 n -0000169595 00000 n -0000169653 00000 n -0000169716 00000 n -0000169774 00000 n -0000169837 00000 n -0000169900 00000 n -0000169958 00000 n -0000170016 00000 n -0000170079 00000 n -0000170142 00000 n -0000170205 00000 n -0000170268 00000 n -0000170331 00000 n -0000170394 00000 n -0000170452 00000 n -0000170511 00000 n -0000170573 00000 n -0000170636 00000 n -0000170694 00000 n -0000170748 00000 n -0000170806 00000 n -0000170869 00000 n -0000170932 00000 n -0000170990 00000 n -0000171048 00000 n -0000171105 00000 n -0000171164 00000 n -0000171227 00000 n -0000171290 00000 n -0000171353 00000 n -0000171416 00000 n -0000171479 00000 n -0000171542 00000 n -0000171605 00000 n -0000171663 00000 n -0000171721 00000 n -0000171784 00000 n -0000171842 00000 n -0000171905 00000 n -0000171968 00000 n -0000172031 00000 n -0000172089 00000 n -0000172152 00000 n -0000172210 00000 n -0000172268 00000 n -0000172325 00000 n -0000172383 00000 n -0000172441 00000 n -0000172499 00000 n -0000172557 00000 n -0000172615 00000 n -0000172673 00000 n -0000172731 00000 n -0000172789 00000 n -0000172847 00000 n -0000172905 00000 n -0000172963 00000 n -0000173021 00000 n -0000173079 00000 n -0000173137 00000 n -0000173194 00000 n -0000173252 00000 n -0000173310 00000 n -0000173367 00000 n -0000173425 00000 n -0000173482 00000 n -0000173540 00000 n -0000173602 00000 n -0000173665 00000 n -0000173723 00000 n -0000173781 00000 n -0000173844 00000 n -0000173902 00000 n -0000173964 00000 n -0000174022 00000 n -0000174085 00000 n -0000174143 00000 n -0000174205 00000 n -0000174268 00000 n -0000174326 00000 n -0000174380 00000 n -0000174443 00000 n -0000174506 00000 n -0000174564 00000 n -0000174627 00000 n -0000174690 00000 n -0000174748 00000 n -0000175128 00000 n -0000175586 00000 n -0000176534 00000 n -0000176938 00000 n -0000177586 00000 n -0000178263 00000 n -0000179214 00000 n -0000180179 00000 n -0000180646 00000 n -0000181700 00000 n -0000182483 00000 n -0000182944 00000 n -0000183610 00000 n -0000184143 00000 n -0000184325 00000 n -0000185131 00000 n -0000185488 00000 n -0000185855 00000 n -0000186307 00000 n -0000187257 00000 n -0000187618 00000 n -0000187686 00000 n -0000188449 00000 n -0000188474 00000 n -0000188521 00000 n -0000188599 00000 n -0000188677 00000 n -0000188767 00000 n -0000188899 00000 n -0000188946 00000 n -0000189025 00000 n -0000189104 00000 n -0000189195 00000 n -0000189331 00000 n -0000189493 00000 n -0000189665 00000 n -0000189826 00000 n -0000189989 00000 n -0000190154 00000 n -0000193741 00000 n -0000201432 00000 n -0000201604 00000 n -0000201801 00000 n -0000203700 00000 n -0000213649 00000 n -0000219760 00000 n -0000223317 00000 n -0000225286 00000 n -0000228023 00000 n -0000235905 00000 n -0000237918 00000 n -0000239640 00000 n -0000244244 00000 n -0000245980 00000 n -0000246167 00000 n -0000246357 00000 n -0000349674 00000 n -0000452742 00000 n -0000460069 00000 n -0000471741 00000 n -0000535602 00000 n -0000535654 00000 n -0000535746 00000 n -0000535826 00000 n -0000535878 00000 n -0000536086 00000 n -0000536133 00000 n -0000536263 00000 n -0000536327 00000 n -0000536379 00000 n -0000536472 00000 n -0000536652 00000 n -0000536704 00000 n -0000536788 00000 n -0000536835 00000 n -0000536965 00000 n -0000537045 00000 n -0000537288 00000 n -0000538206 00000 n -0000538251 00000 n -0000538602 00000 n -0000539266 00000 n -0000539475 00000 n -0000539693 00000 n -0000540480 00000 n -0000540505 00000 n -0000540759 00000 n -0000541391 00000 n -0000541449 00000 n -0000541691 00000 n -0000542438 00000 n -0000542479 00000 n -0000542643 00000 n -0000542682 00000 n -0000542890 00000 n -0000543105 00000 n -0000546284 00000 n -0000546540 00000 n -0000546579 00000 n -0000546618 00000 n -0000546657 00000 n -0000547314 00000 n -0000547736 00000 n -0000548107 00000 n -0000552284 00000 n -0000565659 00000 n -0000569334 00000 n -0000573009 00000 n -0000612745 00000 n -0000612984 00000 n -0000613648 00000 n -0000613673 00000 n -0000613941 00000 n -0000614288 00000 n -0000615205 00000 n -0000615530 00000 n -0000615684 00000 n -0000615838 00000 n -0000615992 00000 n -0000616146 00000 n -0000616300 00000 n -0000616454 00000 n -0000616608 00000 n -0000616762 00000 n -0000616916 00000 n -0000617070 00000 n -0000617224 00000 n -0000617378 00000 n -0000617532 00000 n -0000617686 00000 n -0000617840 00000 n -0000617994 00000 n -0000618608 00000 n -0000619441 00000 n -0000620023 00000 n -0000620177 00000 n -0000620331 00000 n -0000620945 00000 n -0000621778 00000 n -0000622360 00000 n -0000622514 00000 n -0000622668 00000 n -0000622822 00000 n -0000622976 00000 n -0000623130 00000 n -0000623284 00000 n -0000623540 00000 n -0000623696 00000 n -0000623900 00000 n -0000624148 00000 n -0000624302 00000 n -0000624456 00000 n -0000624610 00000 n -0000624764 00000 n -0000624918 00000 n -0000625072 00000 n -0000625681 00000 n -0000626259 00000 n -0000626413 00000 n -0000626567 00000 n -0000627176 00000 n -0000627754 00000 n -0000627908 00000 n -0000628062 00000 n -0000628318 00000 n -0000628574 00000 n -0000628830 00000 n -0000629086 00000 n -0000629240 00000 n -0000629394 00000 n -0000630006 00000 n -0000630838 00000 n -0000631418 00000 n -0000631789 00000 n -0000632230 00000 n -0000633185 00000 n -0000633591 00000 n -0000633663 00000 n -0000634415 00000 n -0000634440 00000 n -0000634492 00000 n -0000634712 00000 n -0000634759 00000 n -0000634838 00000 n -0000634917 00000 n -0000635008 00000 n -0000635180 00000 n -0000635232 00000 n -0000635312 00000 n -0000635359 00000 n -0000635438 00000 n -0000635517 00000 n -0000635589 00000 n -0000645447 00000 n -0000653971 00000 n -0000655551 00000 n -0000657572 00000 n -0000659579 00000 n -0000662293 00000 n -0000662538 00000 n -0000662890 00000 n -0000663135 00000 n -0000663510 00000 n -0000665046 00000 n -0000668534 00000 n -0000671248 00000 n -0000671706 00000 n -0000671958 00000 n -0000672203 00000 n -0000672454 00000 n -0000686034 00000 n -0000691530 00000 n -0000700235 00000 n -0000706794 00000 n -0000714786 00000 n -0000716767 00000 n -0000731609 00000 n -0000731650 00000 n -0000733772 00000 n -0000733989 00000 n -0000734987 00000 n -0000735019 00000 n -0000736810 00000 n -0000737019 00000 n -0000737563 00000 n -0000737594 00000 n -0000738684 00000 n -0000738890 00000 n -0000739426 00000 n -0000739457 00000 n -0000741248 00000 n -0000741456 00000 n -0000742003 00000 n -0000742033 00000 n -0000743123 00000 n -0000743328 00000 n -0000743866 00000 n -0000743898 00000 n -0000744988 00000 n -0000745196 00000 n -0000745734 00000 n -0000747525 00000 n -0000748069 00000 n -0000750191 00000 n -0000751189 00000 n -0000752279 00000 n -0000752817 00000 n -0000754608 00000 n -0000755152 00000 n -0000757274 00000 n -0000758272 00000 n -0000760394 00000 n -0000761392 00000 n -0000763514 00000 n -0000764512 00000 n -0000766634 00000 n -0000767632 00000 n -0000768722 00000 n -0000769258 00000 n -0000769289 00000 n -0000771080 00000 n -0000771288 00000 n -0000771833 00000 n -0000771864 00000 n -0000772954 00000 n -0000773161 00000 n -0000773699 00000 n -0000773730 00000 n -0000774820 00000 n -0000775027 00000 n -0000775595 00000 n -0000775626 00000 n -0000776716 00000 n -0000776921 00000 n -0000777455 00000 n -0000777485 00000 n -0000778575 00000 n -0000778780 00000 n -0000779316 00000 n -0000781438 00000 n -0000782436 00000 n -0000784558 00000 n -0000785556 00000 n -0000787678 00000 n -0000788676 00000 n -0000790798 00000 n -0000791796 00000 n -0000793918 00000 n -0000794916 00000 n -0000849284 00000 n -0000849336 00000 n -0000849524 00000 n -0000849576 00000 n -0000849764 00000 n -0000849811 00000 n -0000849975 00000 n -0000850027 00000 n -0000850120 00000 n -0000850180 00000 n -0000850232 00000 n -0000850325 00000 n -0000850421 00000 n -0000855406 00000 n -0000862701 00000 n -0000873922 00000 n -0000879532 00000 n -0000881914 00000 n -0000925703 00000 n -0000953794 00000 n -0000985744 00000 n -0001013987 00000 n -0001042959 00000 n -0001071233 00000 n -0001099205 00000 n -0001127709 00000 n -0001156286 00000 n -0001185207 00000 n -0001214138 00000 n -0001214190 00000 n -0001214366 00000 n -0001214418 00000 n -trailer << /Info 2 0 R /Root 1 0 R /Size 863 /ID [<96eff7b33f17172214393742ca5ac9ea>] >> -startxref -1214642 -%%EOF diff --git a/examples/data/PrideandPrejudice.txt b/examples/data/PrideandPrejudice.txt deleted file mode 100644 index ef6d9b9..0000000 --- a/examples/data/PrideandPrejudice.txt +++ /dev/null @@ -1,14907 +0,0 @@ -The Project Gutenberg eBook of Pride and Prejudice - -This ebook is for the use of anyone anywhere in the United States and -most other parts of the world at no cost and with almost no restrictions -whatsoever. You may copy it, give it away or re-use it under the terms -of the Project Gutenberg License included with this ebook or online -at www.gutenberg.org. If you are not located in the United States, -you will have to check the laws of the country where you are located -before using this eBook. - -Title: Pride and Prejudice - -Author: Jane Austen - -Release date: June 1, 1998 [eBook #1342] - Most recently updated: October 29, 2024 - -Language: English - -Credits: Chuck Greif and the Online Distributed Proofreading Team at http://www.pgdp.net (This file was produced from images available at The Internet Archive) - - -*** START OF THE PROJECT GUTENBERG EBOOK PRIDE AND PREJUDICE *** - [Illustration: - - GEORGE ALLEN - PUBLISHER - - 156 CHARING CROSS ROAD - LONDON - - RUSKIN HOUSE - ] - - [Illustration: - - _Reading Jane’s Letters._ _Chap 34._ - ] - - - - - PRIDE. - and - PREJUDICE - - by - Jane Austen, - - with a Preface by - George Saintsbury - and - Illustrations by - Hugh Thomson - - [Illustration: 1894] - - Ruskin 156. Charing - House. Cross Road. - - London - George Allen. - - - - - CHISWICK PRESS:--CHARLES WHITTINGHAM AND CO. - TOOKS COURT, CHANCERY LANE, LONDON. - - - - - [Illustration: - - _To J. Comyns Carr - in acknowledgment of all I - owe to his friendship and - advice, these illustrations are - gratefully inscribed_ - - _Hugh Thomson_ - ] - - - - -PREFACE. - -[Illustration] - - -_Walt Whitman has somewhere a fine and just distinction between “loving -by allowance” and “loving with personal love.” This distinction applies -to books as well as to men and women; and in the case of the not very -numerous authors who are the objects of the personal affection, it -brings a curious consequence with it. There is much more difference as -to their best work than in the case of those others who are loved “by -allowance” by convention, and because it is felt to be the right and -proper thing to love them. And in the sect--fairly large and yet -unusually choice--of Austenians or Janites, there would probably be -found partisans of the claim to primacy of almost every one of the -novels. To some the delightful freshness and humour of_ Northanger -Abbey, _its completeness, finish, and_ entrain, _obscure the undoubted -critical facts that its scale is small, and its scheme, after all, that -of burlesque or parody, a kind in which the first rank is reached with -difficulty._ Persuasion, _relatively faint in tone, and not enthralling -in interest, has devotees who exalt above all the others its exquisite -delicacy and keeping. The catastrophe of_ Mansfield Park _is admittedly -theatrical, the hero and heroine are insipid, and the author has almost -wickedly destroyed all romantic interest by expressly admitting that -Edmund only took Fanny because Mary shocked him, and that Fanny might -very likely have taken Crawford if he had been a little more assiduous; -yet the matchless rehearsal-scenes and the characters of Mrs. Norris and -others have secured, I believe, a considerable party for it._ Sense and -Sensibility _has perhaps the fewest out-and-out admirers; but it does -not want them._ - -_I suppose, however, that the majority of at least competent votes -would, all things considered, be divided between_ Emma _and the present -book; and perhaps the vulgar verdict (if indeed a fondness for Miss -Austen be not of itself a patent of exemption from any possible charge -of vulgarity) would go for_ Emma. _It is the larger, the more varied, the -more popular; the author had by the time of its composition seen rather -more of the world, and had improved her general, though not her most -peculiar and characteristic dialogue; such figures as Miss Bates, as the -Eltons, cannot but unite the suffrages of everybody. On the other hand, -I, for my part, declare for_ Pride and Prejudice _unhesitatingly. It -seems to me the most perfect, the most characteristic, the most -eminently quintessential of its author’s works; and for this contention -in such narrow space as is permitted to me, I propose here to show -cause._ - -_In the first place, the book (it may be barely necessary to remind the -reader) was in its first shape written very early, somewhere about 1796, -when Miss Austen was barely twenty-one; though it was revised and -finished at Chawton some fifteen years later, and was not published till -1813, only four years before her death. I do not know whether, in this -combination of the fresh and vigorous projection of youth, and the -critical revision of middle life, there may be traced the distinct -superiority in point of construction, which, as it seems to me, it -possesses over all the others. The plot, though not elaborate, is almost -regular enough for Fielding; hardly a character, hardly an incident -could be retrenched without loss to the story. The elopement of Lydia -and Wickham is not, like that of Crawford and Mrs. Rushworth, a_ coup de -théâtre; _it connects itself in the strictest way with the course of the -story earlier, and brings about the denouement with complete propriety. -All the minor passages--the loves of Jane and Bingley, the advent of Mr. -Collins, the visit to Hunsford, the Derbyshire tour--fit in after the -same unostentatious, but masterly fashion. There is no attempt at the -hide-and-seek, in-and-out business, which in the transactions between -Frank Churchill and Jane Fairfax contributes no doubt a good deal to the -intrigue of_ Emma, _but contributes it in a fashion which I do not think -the best feature of that otherwise admirable book. Although Miss Austen -always liked something of the misunderstanding kind, which afforded her -opportunities for the display of the peculiar and incomparable talent to -be noticed presently, she has been satisfied here with the perfectly -natural occasions provided by the false account of Darcy’s conduct given -by Wickham, and by the awkwardness (arising with equal naturalness) from -the gradual transformation of Elizabeth’s own feelings from positive -aversion to actual love. I do not know whether the all-grasping hand of -the playwright has ever been laid upon_ Pride and Prejudice; _and I dare -say that, if it were, the situations would prove not startling or -garish enough for the footlights, the character-scheme too subtle and -delicate for pit and gallery. But if the attempt were made, it would -certainly not be hampered by any of those loosenesses of construction, -which, sometimes disguised by the conveniences of which the novelist can -avail himself, appear at once on the stage._ - -_I think, however, though the thought will doubtless seem heretical to -more than one school of critics, that construction is not the highest -merit, the choicest gift, of the novelist. It sets off his other gifts -and graces most advantageously to the critical eye; and the want of it -will sometimes mar those graces--appreciably, though not quite -consciously--to eyes by no means ultra-critical. But a very badly-built -novel which excelled in pathetic or humorous character, or which -displayed consummate command of dialogue--perhaps the rarest of all -faculties--would be an infinitely better thing than a faultless plot -acted and told by puppets with pebbles in their mouths. And despite the -ability which Miss Austen has shown in working out the story, I for one -should put_ Pride and Prejudice _far lower if it did not contain what -seem to me the very masterpieces of Miss Austen’s humour and of her -faculty of character-creation--masterpieces who may indeed admit John -Thorpe, the Eltons, Mrs. Norris, and one or two others to their company, -but who, in one instance certainly, and perhaps in others, are still -superior to them._ - -_The characteristics of Miss Austen’s humour are so subtle and delicate -that they are, perhaps, at all times easier to apprehend than to -express, and at any particular time likely to be differently -apprehended by different persons. To me this humour seems to possess a -greater affinity, on the whole, to that of Addison than to any other of -the numerous species of this great British genus. The differences of -scheme, of time, of subject, of literary convention, are, of course, -obvious enough; the difference of sex does not, perhaps, count for much, -for there was a distinctly feminine element in “Mr. Spectator,” and in -Jane Austen’s genius there was, though nothing mannish, much that was -masculine. But the likeness of quality consists in a great number of -common subdivisions of quality--demureness, extreme minuteness of touch, -avoidance of loud tones and glaring effects. Also there is in both a -certain not inhuman or unamiable cruelty. It is the custom with those -who judge grossly to contrast the good nature of Addison with the -savagery of Swift, the mildness of Miss Austen with the boisterousness -of Fielding and Smollett, even with the ferocious practical jokes that -her immediate predecessor, Miss Burney, allowed without very much -protest. Yet, both in Mr. Addison and in Miss Austen there is, though a -restrained and well-mannered, an insatiable and ruthless delight in -roasting and cutting up a fool. A man in the early eighteenth century, -of course, could push this taste further than a lady in the early -nineteenth; and no doubt Miss Austen’s principles, as well as her heart, -would have shrunk from such things as the letter from the unfortunate -husband in the_ Spectator, _who describes, with all the gusto and all the -innocence in the world, how his wife and his friend induce him to play -at blind-man’s-buff. But another_ Spectator _letter--that of the damsel -of fourteen who wishes to marry Mr. Shapely, and assures her selected -Mentor that “he admires your_ Spectators _mightily”--might have been -written by a rather more ladylike and intelligent Lydia Bennet in the -days of Lydia’s great-grandmother; while, on the other hand, some (I -think unreasonably) have found “cynicism” in touches of Miss Austen’s -own, such as her satire of Mrs. Musgrove’s self-deceiving regrets over -her son. But this word “cynical” is one of the most misused in the -English language, especially when, by a glaring and gratuitous -falsification of its original sense, it is applied, not to rough and -snarling invective, but to gentle and oblique satire. If cynicism means -the perception of “the other side,” the sense of “the accepted hells -beneath,” the consciousness that motives are nearly always mixed, and -that to seem is not identical with to be--if this be cynicism, then -every man and woman who is not a fool, who does not care to live in a -fool’s paradise, who has knowledge of nature and the world and life, is -a cynic. And in that sense Miss Austen certainly was one. She may even -have been one in the further sense that, like her own Mr. Bennet, she -took an epicurean delight in dissecting, in displaying, in setting at -work her fools and her mean persons. I think she did take this delight, -and I do not think at all the worse of her for it as a woman, while she -was immensely the better for it as an artist._ - -_In respect of her art generally, Mr. Goldwin Smith has truly observed -that “metaphor has been exhausted in depicting the perfection of it, -combined with the narrowness of her field;” and he has justly added that -we need not go beyond her own comparison to the art of a miniature -painter. To make this latter observation quite exact we must not use the -term miniature in its restricted sense, and must think rather of Memling -at one end of the history of painting and Meissonier at the other, than -of Cosway or any of his kind. And I am not so certain that I should -myself use the word “narrow” in connection with her. If her world is a -microcosm, the cosmic quality of it is at least as eminent as the -littleness. She does not touch what she did not feel herself called to -paint; I am not so sure that she could not have painted what she did not -feel herself called to touch. It is at least remarkable that in two very -short periods of writing--one of about three years, and another of not -much more than five--she executed six capital works, and has not left a -single failure. It is possible that the romantic paste in her -composition was defective: we must always remember that hardly -anybody born in her decade--that of the eighteenth-century -seventies--independently exhibited the full romantic quality. Even Scott -required hill and mountain and ballad, even Coleridge metaphysics and -German to enable them to chip the classical shell. Miss Austen was an -English girl, brought up in a country retirement, at the time when -ladies went back into the house if there was a white frost which might -pierce their kid shoes, when a sudden cold was the subject of the -gravest fears, when their studies, their ways, their conduct were -subject to all those fantastic limits and restrictions against which -Mary Wollstonecraft protested with better general sense than particular -taste or judgment. Miss Austen, too, drew back when the white frost -touched her shoes; but I think she would have made a pretty good journey -even in a black one._ - -_For if her knowledge was not very extended, she knew two things which -only genius knows. The one was humanity, and the other was art. On the -first head she could not make a mistake; her men, though limited, are -true, and her women are, in the old sense, “absolute.” As to art, if she -has never tried idealism, her realism is real to a degree which makes -the false realism of our own day look merely dead-alive. Take almost any -Frenchman, except the late M. de Maupassant, and watch him laboriously -piling up strokes in the hope of giving a complete impression. You get -none; you are lucky if, discarding two-thirds of what he gives, you can -shape a real impression out of the rest. But with Miss Austen the -myriad, trivial, unforced strokes build up the picture like magic. -Nothing is false; nothing is superfluous. When (to take the present book -only) Mr. Collins changed his mind from Jane to Elizabeth “while Mrs. -Bennet was stirring the fire” (and we know_ how _Mrs. Bennet would have -stirred the fire), when Mr. Darcy “brought his coffee-cup back_ -himself,” _the touch in each case is like that of Swift--“taller by the -breadth of my nail”--which impressed the half-reluctant Thackeray with -just and outspoken admiration. Indeed, fantastic as it may seem, I -should put Miss Austen as near to Swift in some ways, as I have put her -to Addison in others._ - -_This Swiftian quality appears in the present novel as it appears -nowhere else in the character of the immortal, the ineffable Mr. -Collins. Mr. Collins is really_ great; _far greater than anything Addison -ever did, almost great enough for Fielding or for Swift himself. It has -been said that no one ever was like him. But in the first place,_ he -_was like him; he is there--alive, imperishable, more real than hundreds -of prime ministers and archbishops, of “metals, semi-metals, and -distinguished philosophers.” In the second place, it is rash, I think, -to conclude that an actual Mr. Collins was impossible or non-existent at -the end of the eighteenth century. It is very interesting that we -possess, in this same gallery, what may be called a spoiled first -draught, or an unsuccessful study of him, in John Dashwood. The -formality, the under-breeding, the meanness, are there; but the portrait -is only half alive, and is felt to be even a little unnatural. Mr. -Collins is perfectly natural, and perfectly alive. In fact, for all the -“miniature,” there is something gigantic in the way in which a certain -side, and more than one, of humanity, and especially eighteenth-century -humanity, its Philistinism, its well-meaning but hide-bound morality, -its formal pettiness, its grovelling respect for rank, its materialism, -its selfishness, receives exhibition. I will not admit that one speech -or one action of this inestimable man is incapable of being reconciled -with reality, and I should not wonder if many of these words and actions -are historically true._ - -_But the greatness of Mr. Collins could not have been so satisfactorily -exhibited if his creatress had not adjusted so artfully to him the -figures of Mr. Bennet and of Lady Catherine de Bourgh. The latter, like -Mr. Collins himself, has been charged with exaggeration. There is, -perhaps, a very faint shade of colour for the charge; but it seems to me -very faint indeed. Even now I do not think that it would be impossible -to find persons, especially female persons, not necessarily of noble -birth, as overbearing, as self-centred, as neglectful of good manners, -as Lady Catherine. A hundred years ago, an earl’s daughter, the Lady -Powerful (if not exactly Bountiful) of an out-of-the-way country parish, -rich, long out of marital authority, and so forth, had opportunities of -developing these agreeable characteristics which seldom present -themselves now. As for Mr. Bennet, Miss Austen, and Mr. Darcy, and even -Miss Elizabeth herself, were, I am inclined to think, rather hard on him -for the “impropriety” of his conduct. His wife was evidently, and must -always have been, a quite irreclaimable fool; and unless he had shot her -or himself there was no way out of it for a man of sense and spirit but -the ironic. From no other point of view is he open to any reproach, -except for an excusable and not unnatural helplessness at the crisis of -the elopement, and his utterances are the most acutely delightful in the -consciously humorous kind--in the kind that we laugh with, not at--that -even Miss Austen has put into the mouth of any of her characters. It is -difficult to know whether he is most agreeable when talking to his wife, -or when putting Mr. Collins through his paces; but the general sense of -the world has probably been right in preferring to the first rank his -consolation to the former when she maunders over the entail, “My dear, -do not give way to such gloomy thoughts. Let us hope for better things. -Let us flatter ourselves that_ I _may be the survivor;” and his inquiry -to his colossal cousin as to the compliments which Mr. Collins has just -related as made by himself to Lady Catherine, “May I ask whether these -pleasing attentions proceed from the impulse of the moment, or are the -result of previous study?” These are the things which give Miss Austen’s -readers the pleasant shocks, the delightful thrills, which are felt by -the readers of Swift, of Fielding, and we may here add, of Thackeray, as -they are felt by the readers of no other English author of fiction -outside of these four._ - -_The goodness of the minor characters in_ Pride and Prejudice _has been -already alluded to, and it makes a detailed dwelling on their beauties -difficult in any space, and impossible in this. Mrs. Bennet we have -glanced at, and it is not easy to say whether she is more exquisitely -amusing or more horribly true. Much the same may be said of Kitty and -Lydia; but it is not every author, even of genius, who would have -differentiated with such unerring skill the effects of folly and -vulgarity of intellect and disposition working upon the common -weaknesses of woman at such different ages. With Mary, Miss Austen has -taken rather less pains, though she has been even more unkind to her; -not merely in the text, but, as we learn from those interesting -traditional appendices which Mr. Austen Leigh has given us, in dooming -her privately to marry “one of Mr. Philips’s clerks.” The habits of -first copying and then retailing moral sentiments, of playing and -singing too long in public, are, no doubt, grievous and criminal; but -perhaps poor Mary was rather the scapegoat of the sins of blue stockings -in that Fordyce-belectured generation. It is at any rate difficult not -to extend to her a share of the respect and affection (affection and -respect of a peculiar kind; doubtless), with which one regards Mr. -Collins, when she draws the moral of Lydia’s fall. I sometimes wish -that the exigencies of the story had permitted Miss Austen to unite -these personages, and thus at once achieve a notable mating and soothe -poor Mrs. Bennet’s anguish over the entail._ - -_The Bingleys and the Gardiners and the Lucases, Miss Darcy and Miss de -Bourgh, Jane, Wickham, and the rest, must pass without special comment, -further than the remark that Charlotte Lucas (her egregious papa, though -delightful, is just a little on the thither side of the line between -comedy and farce) is a wonderfully clever study in drab of one kind, and -that Wickham (though something of Miss Austen’s hesitation of touch in -dealing with young men appears) is a not much less notable sketch in -drab of another. Only genius could have made Charlotte what she is, yet -not disagreeable; Wickham what he is, without investing him either with -a cheap Don Juanish attractiveness or a disgusting rascality. But the -hero and the heroine are not tints to be dismissed._ - -_Darcy has always seemed to me by far the best and most interesting of -Miss Austen’s heroes; the only possible competitor being Henry Tilney, -whose part is so slight and simple that it hardly enters into -comparison. It has sometimes, I believe, been urged that his pride is -unnatural at first in its expression and later in its yielding, while -his falling in love at all is not extremely probable. Here again I -cannot go with the objectors. Darcy’s own account of the way in which -his pride had been pampered, is perfectly rational and sufficient; and -nothing could be, psychologically speaking, a_ causa verior _for its -sudden restoration to healthy conditions than the shock of Elizabeth’s -scornful refusal acting on a nature_ ex hypothesi _generous. Nothing in -even our author is finer and more delicately touched than the change of -his demeanour at the sudden meeting in the grounds of Pemberley. Had he -been a bad prig or a bad coxcomb, he might have been still smarting -under his rejection, or suspicious that the girl had come -husband-hunting. His being neither is exactly consistent with the -probable feelings of a man spoilt in the common sense, but not really -injured in disposition, and thoroughly in love. As for his being in -love, Elizabeth has given as just an exposition of the causes of that -phenomenon as Darcy has of the conditions of his unregenerate state, -only she has of course not counted in what was due to her own personal -charm._ - -_The secret of that charm many men and not a few women, from Miss Austen -herself downwards, have felt, and like most charms it is a thing rather -to be felt than to be explained. Elizabeth of course belongs to the_ -allegro _or_ allegra _division of the army of Venus. Miss Austen was -always provokingly chary of description in regard to her beauties; and -except the fine eyes, and a hint or two that she had at any rate -sometimes a bright complexion, and was not very tall, we hear nothing -about her looks. But her chief difference from other heroines of the -lively type seems to lie first in her being distinctly clever--almost -strong-minded, in the better sense of that objectionable word--and -secondly in her being entirely destitute of ill-nature for all her -propensity to tease and the sharpness of her tongue. Elizabeth can give -at least as good as she gets when she is attacked; but she never -“scratches,” and she never attacks first. Some of the merest -obsoletenesses of phrase and manner give one or two of her early -speeches a slight pertness, but that is nothing, and when she comes to -serious business, as in the great proposal scene with Darcy (which is, -as it should be, the climax of the interest of the book), and in the -final ladies’ battle with Lady Catherine, she is unexceptionable. Then -too she is a perfectly natural girl. She does not disguise from herself -or anybody that she resents Darcy’s first ill-mannered personality with -as personal a feeling. (By the way, the reproach that the ill-manners of -this speech are overdone is certainly unjust; for things of the same -kind, expressed no doubt less stiltedly but more coarsely, might have -been heard in more than one ball-room during this very year from persons -who ought to have been no worse bred than Darcy.) And she lets the -injury done to Jane and the contempt shown to the rest of her family -aggravate this resentment in the healthiest way in the world._ - -_Still, all this does not explain her charm, which, taking beauty as a -common form of all heroines, may perhaps consist in the addition to her -playfulness, her wit, her affectionate and natural disposition, of a -certain fearlessness very uncommon in heroines of her type and age. -Nearly all of them would have been in speechless awe of the magnificent -Darcy; nearly all of them would have palpitated and fluttered at the -idea of proposals, even naughty ones, from the fascinating Wickham. -Elizabeth, with nothing offensive, nothing_ viraginous, _nothing of the -“New Woman” about her, has by nature what the best modern (not “new”) -women have by education and experience, a perfect freedom from the idea -that all men may bully her if they choose, and that most will away with -her if they can. Though not in the least “impudent and mannish grown,” -she has no mere sensibility, no nasty niceness about her. The form of -passion common and likely to seem natural in Miss Austen’s day was so -invariably connected with the display of one or the other, or both of -these qualities, that she has not made Elizabeth outwardly passionate. -But I, at least, have not the slightest doubt that she would have -married Darcy just as willingly without Pemberley as with it, and -anybody who can read between lines will not find the lovers’ -conversations in the final chapters so frigid as they might have looked -to the Della Cruscans of their own day, and perhaps do look to the Della -Cruscans of this._ - -_And, after all, what is the good of seeking for the reason of -charm?--it is there. There were better sense in the sad mechanic -exercise of determining the reason of its absence where it is not. In -the novels of the last hundred years there are vast numbers of young -ladies with whom it might be a pleasure to fall in love; there are at -least five with whom, as it seems to me, no man of taste and spirit can -help doing so. Their names are, in chronological order, Elizabeth -Bennet, Diana Vernon, Argemone Lavington, Beatrix Esmond, and Barbara -Grant. I should have been most in love with Beatrix and Argemone; I -should, I think, for mere occasional companionship, have preferred Diana -and Barbara. But to live with and to marry, I do not know that any one -of the four can come into competition with Elizabeth._ - -_GEORGE SAINTSBURY._ - - - - -[Illustration: List of Illustrations.] - - - PAGE - -Frontispiece iv - -Title-page v - -Dedication vii - -Heading to Preface ix - -Heading to List of Illustrations xxv - -Heading to Chapter I. 1 - -“He came down to see the place” 2 - -Mr. and Mrs. Bennet 5 - -“I hope Mr. Bingley will like it” 6 - -“I’m the tallest” 9 - -“He rode a black horse” 10 - -“When the party entered” 12 - -“She is tolerable” 15 - -Heading to Chapter IV. 18 - -Heading to Chapter V. 22 - -“Without once opening his lips” 24 - -Tailpiece to Chapter V. 26 - -Heading to Chapter VI. 27 - -“The entreaties of several” 31 - -“A note for Miss Bennet” 36 - -“Cheerful prognostics” 40 - -“The apothecary came” 43 - -“Covering a screen” 45 - -“Mrs. Bennet and her two youngest girls” 53 - -Heading to Chapter X. 60 - -“No, no; stay where you are” 67 - -“Piling up the fire” 69 - -Heading to Chapter XII. 75 - -Heading to Chapter XIII. 78 - -Heading to Chapter XIV. 84 - -“Protested that he never read novels” 87 - -Heading to Chapter XV. 89 - -Heading to Chapter XVI. 95 - -“The officers of the ----shire” 97 - -“Delighted to see their dear friend again” 108 - -Heading to Chapter XVIII. 113 - -“Such very superior dancing is not often seen” 118 - -“To assure you in the most animated language” 132 - -Heading to Chapter XX. 139 - -“They entered the breakfast-room” 143 - -Heading to Chapter XXI. 146 - -“Walked back with them” 148 - -Heading to Chapter XXII. 154 - -“So much love and eloquence” 156 - -“Protested he must be entirely mistaken” 161 - -“Whenever she spoke in a low voice” 166 - -Heading to Chapter XXIV. 168 - -Heading to Chapter XXV. 175 - -“Offended two or three young ladies” 177 - -“Will you come and see me?” 181 - -“On the stairs” 189 - -“At the door” 194 - -“In conversation with the ladies” 198 - -“Lady Catherine,” said she, “you have given me a treasure” 200 - -Heading to Chapter XXX. 209 - -“He never failed to inform them” 211 - -“The gentlemen accompanied him” 213 - -Heading to Chapter XXXI. 215 - -Heading to Chapter XXXII. 221 - -“Accompanied by their aunt” 225 - -“On looking up” 228 - -Heading to Chapter XXXIV. 235 - -“Hearing herself called” 243 - -Heading to Chapter XXXVI. 253 - -“Meeting accidentally in town” 256 - -“His parting obeisance” 261 - -“Dawson” 263 - -“The elevation of his feelings” 267 - -“They had forgotten to leave any message” 270 - -“How nicely we are crammed in!” 272 - -Heading to Chapter XL. 278 - -“I am determined never to speak of it again” 283 - -“When Colonel Miller’s regiment went away” 285 - -“Tenderly flirting” 290 - -The arrival of the Gardiners 294 - -“Conjecturing as to the date” 301 - -Heading to Chapter XLIV. 318 - -“To make herself agreeable to all” 321 - -“Engaged by the river” 327 - -Heading to Chapter XLVI. 334 - -“I have not an instant to lose” 339 - -“The first pleasing earnest of their welcome” 345 - -The Post 359 - -“To whom I have related the affair” 363 - -Heading to Chapter XLIX. 368 - -“But perhaps you would like to read it” 370 - -“The spiteful old ladies” 377 - -“With an affectionate smile” 385 - -“I am sure she did not listen” 393 - -“Mr. Darcy with him” 404 - -“Jane happened to look round” 415 - -“Mrs. Long and her nieces” 420 - -“Lizzy, my dear, I want to speak to you” 422 - -Heading to Chapter LVI. 431 - -“After a short survey” 434 - -“But now it comes out” 442 - -“The efforts of his aunt” 448 - -“Unable to utter a syllable” 457 - -“The obsequious civility” 466 - -Heading to Chapter LXI. 472 - -The End 476 - - - - -[Illustration: ·PRIDE AND PREJUDICE· - - - - -Chapter I.] - - -It is a truth universally acknowledged, that a single man in possession -of a good fortune must be in want of a wife. - -However little known the feelings or views of such a man may be on his -first entering a neighbourhood, this truth is so well fixed in the minds -of the surrounding families, that he is considered as the rightful -property of some one or other of their daughters. - -“My dear Mr. Bennet,” said his lady to him one day, “have you heard that -Netherfield Park is let at last?” - -Mr. Bennet replied that he had not. - -“But it is,” returned she; “for Mrs. Long has just been here, and she -told me all about it.” - -Mr. Bennet made no answer. - -“Do not you want to know who has taken it?” cried his wife, impatiently. - -“_You_ want to tell me, and I have no objection to hearing it.” - -[Illustration: - -“He came down to see the place” - -[_Copyright 1894 by George Allen._]] - -This was invitation enough. - -“Why, my dear, you must know, Mrs. Long says that Netherfield is taken -by a young man of large fortune from the north of England; that he came -down on Monday in a chaise and four to see the place, and was so much -delighted with it that he agreed with Mr. Morris immediately; that he is -to take possession before Michaelmas, and some of his servants are to be -in the house by the end of next week.” - -“What is his name?” - -“Bingley.” - -“Is he married or single?” - -“Oh, single, my dear, to be sure! A single man of large fortune; four or -five thousand a year. What a fine thing for our girls!” - -“How so? how can it affect them?” - -“My dear Mr. Bennet,” replied his wife, “how can you be so tiresome? You -must know that I am thinking of his marrying one of them.” - -“Is that his design in settling here?” - -“Design? Nonsense, how can you talk so! But it is very likely that he -_may_ fall in love with one of them, and therefore you must visit him as -soon as he comes.” - -“I see no occasion for that. You and the girls may go--or you may send -them by themselves, which perhaps will be still better; for as you are -as handsome as any of them, Mr. Bingley might like you the best of the -party.” - -“My dear, you flatter me. I certainly _have_ had my share of beauty, but -I do not pretend to be anything extraordinary now. When a woman has five -grown-up daughters, she ought to give over thinking of her own beauty.” - -“In such cases, a woman has not often much beauty to think of.” - -“But, my dear, you must indeed go and see Mr. Bingley when he comes into -the neighbourhood.” - -“It is more than I engage for, I assure you.” - -“But consider your daughters. Only think what an establishment it would -be for one of them. Sir William and Lady Lucas are determined to go, -merely on that account; for in general, you know, they visit no new -comers. Indeed you must go, for it will be impossible for _us_ to visit -him, if you do not.” - -“You are over scrupulous, surely. I dare say Mr. Bingley will be very -glad to see you; and I will send a few lines by you to assure him of my -hearty consent to his marrying whichever he chooses of the girls--though -I must throw in a good word for my little Lizzy.” - -“I desire you will do no such thing. Lizzy is not a bit better than the -others: and I am sure she is not half so handsome as Jane, nor half so -good-humoured as Lydia. But you are always giving _her_ the preference.” - -“They have none of them much to recommend them,” replied he: “they are -all silly and ignorant like other girls; but Lizzy has something more of -quickness than her sisters.” - -“Mr. Bennet, how can you abuse your own children in such a way? You take -delight in vexing me. You have no compassion on my poor nerves.” - -“You mistake me, my dear. I have a high respect for your nerves. They -are my old friends. I have heard you mention them with consideration -these twenty years at least.” - -“Ah, you do not know what I suffer.” - -“But I hope you will get over it, and live to see many young men of four -thousand a year come into the neighbourhood.” - -“It will be no use to us, if twenty such should come, since you will not -visit them.” - -“Depend upon it, my dear, that when there are twenty, I will visit them -all.” - -Mr. Bennet was so odd a mixture of quick parts, sarcastic humour, -reserve, and caprice, that the experience of three-and-twenty years had -been insufficient to make his wife understand his character. _Her_ mind -was less difficult to develope. She was a woman of mean understanding, -little information, and uncertain temper. When she was discontented, she -fancied herself nervous. The business of her life was to get her -daughters married: its solace was visiting and news. - -[Illustration: M^{r.} & M^{rs.} Bennet - -[_Copyright 1894 by George Allen._]] - - - - -[Illustration: - -“I hope Mr. Bingley will like it” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER II. - - -[Illustration] - -Mr. Bennet was among the earliest of those who waited on Mr. Bingley. He -had always intended to visit him, though to the last always assuring his -wife that he should not go; and till the evening after the visit was -paid she had no knowledge of it. It was then disclosed in the following -manner. Observing his second daughter employed in trimming a hat, he -suddenly addressed her with,-- - -“I hope Mr. Bingley will like it, Lizzy.” - -“We are not in a way to know _what_ Mr. Bingley likes,” said her mother, -resentfully, “since we are not to visit.” - -“But you forget, mamma,” said Elizabeth, “that we shall meet him at the -assemblies, and that Mrs. Long has promised to introduce him.” - -“I do not believe Mrs. Long will do any such thing. She has two nieces -of her own. She is a selfish, hypocritical woman, and I have no opinion -of her.” - -“No more have I,” said Mr. Bennet; “and I am glad to find that you do -not depend on her serving you.” - -Mrs. Bennet deigned not to make any reply; but, unable to contain -herself, began scolding one of her daughters. - -“Don’t keep coughing so, Kitty, for heaven’s sake! Have a little -compassion on my nerves. You tear them to pieces.” - -“Kitty has no discretion in her coughs,” said her father; “she times -them ill.” - -“I do not cough for my own amusement,” replied Kitty, fretfully. “When -is your next ball to be, Lizzy?” - -“To-morrow fortnight.” - -“Ay, so it is,” cried her mother, “and Mrs. Long does not come back till -the day before; so, it will be impossible for her to introduce him, for -she will not know him herself.” - -“Then, my dear, you may have the advantage of your friend, and introduce -Mr. Bingley to _her_.” - -“Impossible, Mr. Bennet, impossible, when I am not acquainted with him -myself; how can you be so teasing?” - -“I honour your circumspection. A fortnight’s acquaintance is certainly -very little. One cannot know what a man really is by the end of a -fortnight. But if _we_ do not venture, somebody else will; and after -all, Mrs. Long and her nieces must stand their chance; and, therefore, -as she will think it an act of kindness, if you decline the office, I -will take it on myself.” - -The girls stared at their father. Mrs. Bennet said only, “Nonsense, -nonsense!” - -“What can be the meaning of that emphatic exclamation?” cried he. “Do -you consider the forms of introduction, and the stress that is laid on -them, as nonsense? I cannot quite agree with you _there_. What say you, -Mary? For you are a young lady of deep reflection, I know, and read -great books, and make extracts.” - -Mary wished to say something very sensible, but knew not how. - -“While Mary is adjusting her ideas,” he continued, “let us return to Mr. -Bingley.” - -“I am sick of Mr. Bingley,” cried his wife. - -“I am sorry to hear _that_; but why did you not tell me so before? If I -had known as much this morning, I certainly would not have called on -him. It is very unlucky; but as I have actually paid the visit, we -cannot escape the acquaintance now.” - -The astonishment of the ladies was just what he wished--that of Mrs. -Bennet perhaps surpassing the rest; though when the first tumult of joy -was over, she began to declare that it was what she had expected all the -while. - -“How good it was in you, my dear Mr. Bennet! But I knew I should -persuade you at last. I was sure you loved your girls too well to -neglect such an acquaintance. Well, how pleased I am! And it is such a -good joke, too, that you should have gone this morning, and never said a -word about it till now.” - -“Now, Kitty, you may cough as much as you choose,” said Mr. Bennet; and, -as he spoke, he left the room, fatigued with the raptures of his wife. - -“What an excellent father you have, girls,” said she, when the door was -shut. “I do not know how you will ever make him amends for his kindness; -or me either, for that matter. At our time of life, it is not so -pleasant, I can tell you, to be making new acquaintances every day; but -for your sakes we would do anything. Lydia, my love, though you _are_ -the youngest, I dare say Mr. Bingley will dance with you at the next -ball.” - -“Oh,” said Lydia, stoutly, “I am not afraid; for though I _am_ the -youngest, I’m the tallest.” - -The rest of the evening was spent in conjecturing how soon he would -return Mr. Bennet’s visit, and determining when they should ask him to -dinner. - -[Illustration: “I’m the tallest”] - - - - -[Illustration: - - “He rode a black horse” -] - - - - -CHAPTER III. - - -[Illustration] - -Not all that Mrs. Bennet, however, with the assistance of her five -daughters, could ask on the subject, was sufficient to draw from her -husband any satisfactory description of Mr. Bingley. They attacked him -in various ways, with barefaced questions, ingenious suppositions, and -distant surmises; but he eluded the skill of them all; and they were at -last obliged to accept the second-hand intelligence of their neighbour, -Lady Lucas. Her report was highly favourable. Sir William had been -delighted with him. He was quite young, wonderfully handsome, extremely -agreeable, and, to crown the whole, he meant to be at the next assembly -with a large party. Nothing could be more delightful! To be fond of -dancing was a certain step towards falling in love; and very lively -hopes of Mr. Bingley’s heart were entertained. - -“If I can but see one of my daughters happily settled at Netherfield,” -said Mrs. Bennet to her husband, “and all the others equally well -married, I shall have nothing to wish for.” - -In a few days Mr. Bingley returned Mr. Bennet’s visit, and sat about ten -minutes with him in his library. He had entertained hopes of being -admitted to a sight of the young ladies, of whose beauty he had heard -much; but he saw only the father. The ladies were somewhat more -fortunate, for they had the advantage of ascertaining, from an upper -window, that he wore a blue coat and rode a black horse. - -An invitation to dinner was soon afterwards despatched; and already had -Mrs. Bennet planned the courses that were to do credit to her -housekeeping, when an answer arrived which deferred it all. Mr. Bingley -was obliged to be in town the following day, and consequently unable to -accept the honour of their invitation, etc. Mrs. Bennet was quite -disconcerted. She could not imagine what business he could have in town -so soon after his arrival in Hertfordshire; and she began to fear that -he might always be flying about from one place to another, and never -settled at Netherfield as he ought to be. Lady Lucas quieted her fears a -little by starting the idea of his - -[Illustration: - - “When the Party entered” - -[_Copyright 1894 by George Allen._]] - -being gone to London only to get a large party for the ball; and a -report soon followed that Mr. Bingley was to bring twelve ladies and -seven gentlemen with him to the assembly. The girls grieved over such a -number of ladies; but were comforted the day before the ball by hearing -that, instead of twelve, he had brought only six with him from London, -his five sisters and a cousin. And when the party entered the -assembly-room, it consisted of only five altogether: Mr. Bingley, his -two sisters, the husband of the eldest, and another young man. - -Mr. Bingley was good-looking and gentlemanlike: he had a pleasant -countenance, and easy, unaffected manners. His sisters were fine women, -with an air of decided fashion. His brother-in-law, Mr. Hurst, merely -looked the gentleman; but his friend Mr. Darcy soon drew the attention -of the room by his fine, tall person, handsome features, noble mien, and -the report, which was in general circulation within five minutes after -his entrance, of his having ten thousand a year. The gentlemen -pronounced him to be a fine figure of a man, the ladies declared he was -much handsomer than Mr. Bingley, and he was looked at with great -admiration for about half the evening, till his manners gave a disgust -which turned the tide of his popularity; for he was discovered to be -proud, to be above his company, and above being pleased; and not all his -large estate in Derbyshire could save him from having a most forbidding, -disagreeable countenance, and being unworthy to be compared with his -friend. - -Mr. Bingley had soon made himself acquainted with all the principal -people in the room: he was lively and unreserved, danced every dance, -was angry that the ball closed so early, and talked of giving one -himself at Netherfield. Such amiable qualities must speak for -themselves. What a contrast between him and his friend! Mr. Darcy danced -only once with Mrs. Hurst and once with Miss Bingley, declined being -introduced to any other lady, and spent the rest of the evening in -walking about the room, speaking occasionally to one of his own party. -His character was decided. He was the proudest, most disagreeable man in -the world, and everybody hoped that he would never come there again. -Amongst the most violent against him was Mrs. Bennet, whose dislike of -his general behaviour was sharpened into particular resentment by his -having slighted one of her daughters. - -Elizabeth Bennet had been obliged, by the scarcity of gentlemen, to sit -down for two dances; and during part of that time, Mr. Darcy had been -standing near enough for her to overhear a conversation between him and -Mr. Bingley, who came from the dance for a few minutes to press his -friend to join it. - -“Come, Darcy,” said he, “I must have you dance. I hate to see you -standing about by yourself in this stupid manner. You had much better -dance.” - -“I certainly shall not. You know how I detest it, unless I am -particularly acquainted with my partner. At such an assembly as this, it -would be insupportable. Your sisters are engaged, and there is not -another woman in the room whom it would not be a punishment to me to -stand up with.” - -“I would not be so fastidious as you are,” cried Bingley, “for a -kingdom! Upon my honour, I never met with so many pleasant girls in my -life as I have this evening; and there are several of them, you see, -uncommonly pretty.” - -“_You_ are dancing with the only handsome girl in the room,” said Mr. -Darcy, looking at the eldest Miss Bennet. - -“Oh, she is the most beautiful creature I ever beheld! But there is one -of her sisters sitting down just behind you, who is very pretty, and I -dare say very agreeable. Do let me ask my partner to introduce you.” - -[Illustration: - -“She is tolerable” - -[_Copyright 1894 by George Allen._]] - -“Which do you mean?” and turning round, he looked for a moment at -Elizabeth, till, catching her eye, he withdrew his own, and coldly said, -“She is tolerable: but not handsome enough to tempt _me_; and I am in no -humour at present to give consequence to young ladies who are slighted -by other men. You had better return to your partner and enjoy her -smiles, for you are wasting your time with me.” - -Mr. Bingley followed his advice. Mr. Darcy walked off; and Elizabeth -remained with no very cordial feelings towards him. She told the story, -however, with great spirit among her friends; for she had a lively, -playful disposition, which delighted in anything ridiculous. - -The evening altogether passed off pleasantly to the whole family. Mrs. -Bennet had seen her eldest daughter much admired by the Netherfield -party. Mr. Bingley had danced with her twice, and she had been -distinguished by his sisters. Jane was as much gratified by this as her -mother could be, though in a quieter way. Elizabeth felt Jane’s -pleasure. Mary had heard herself mentioned to Miss Bingley as the most -accomplished girl in the neighbourhood; and Catherine and Lydia had been -fortunate enough to be never without partners, which was all that they -had yet learnt to care for at a ball. They returned, therefore, in good -spirits to Longbourn, the village where they lived, and of which they -were the principal inhabitants. They found Mr. Bennet still up. With a -book, he was regardless of time; and on the present occasion he had a -good deal of curiosity as to the event of an evening which had raised -such splendid expectations. He had rather hoped that all his wife’s -views on the stranger would be disappointed; but he soon found that he -had a very different story to hear. - -“Oh, my dear Mr. Bennet,” as she entered the room, “we have had a most -delightful evening, a most excellent ball. I wish you had been there. -Jane was so admired, nothing could be like it. Everybody said how well -she looked; and Mr. Bingley thought her quite beautiful, and danced with -her twice. Only think of _that_, my dear: he actually danced with her -twice; and she was the only creature in the room that he asked a second -time. First of all, he asked Miss Lucas. I was so vexed to see him stand -up with her; but, however, he did not admire her at all; indeed, nobody -can, you know; and he seemed quite struck with Jane as she was going -down the dance. So he inquired who she was, and got introduced, and -asked her for the two next. Then, the two third he danced with Miss -King, and the two fourth with Maria Lucas, and the two fifth with Jane -again, and the two sixth with Lizzy, and the _Boulanger_----” - -“If he had had any compassion for _me_,” cried her husband impatiently, -“he would not have danced half so much! For God’s sake, say no more of -his partners. O that he had sprained his ancle in the first dance!” - -“Oh, my dear,” continued Mrs. Bennet, “I am quite delighted with him. He -is so excessively handsome! and his sisters are charming women. I never -in my life saw anything more elegant than their dresses. I dare say the -lace upon Mrs. Hurst’s gown----” - -Here she was interrupted again. Mr. Bennet protested against any -description of finery. She was therefore obliged to seek another branch -of the subject, and related, with much bitterness of spirit, and some -exaggeration, the shocking rudeness of Mr. Darcy. - -“But I can assure you,” she added, “that Lizzy does not lose much by not -suiting _his_ fancy; for he is a most disagreeable, horrid man, not at -all worth pleasing. So high and so conceited, that there was no enduring -him! He walked here, and he walked there, fancying himself so very -great! Not handsome enough to dance with! I wish you had been there, my -dear, to have given him one of your set-downs. I quite detest the man.” - - - - -[Illustration] - - - - -CHAPTER IV. - - -[Illustration] - -When Jane and Elizabeth were alone, the former, who had been cautious in -her praise of Mr. Bingley before, expressed to her sister how very much -she admired him. - -“He is just what a young-man ought to be,” said she, “sensible, -good-humoured, lively; and I never saw such happy manners! so much ease, -with such perfect good breeding!” - -“He is also handsome,” replied Elizabeth, “which a young man ought -likewise to be if he possibly can. His character is thereby complete.” - -“I was very much flattered by his asking me to dance a second time. I -did not expect such a compliment.” - -“Did not you? _I_ did for you. But that is one great difference between -us. Compliments always take _you_ by surprise, and _me_ never. What -could be more natural than his asking you again? He could not help -seeing that you were about five times as pretty as every other woman in -the room. No thanks to his gallantry for that. Well, he certainly is -very agreeable, and I give you leave to like him. You have liked many a -stupider person.” - -“Dear Lizzy!” - -“Oh, you are a great deal too apt, you know, to like people in general. -You never see a fault in anybody. All the world are good and agreeable -in your eyes. I never heard you speak ill of a human being in my life.” - -“I would wish not to be hasty in censuring anyone; but I always speak -what I think.” - -“I know you do: and it is _that_ which makes the wonder. With _your_ -good sense, to be so honestly blind to the follies and nonsense of -others! Affectation of candour is common enough; one meets with it -everywhere. But to be candid without ostentation or design,--to take the -good of everybody’s character and make it still better, and say nothing -of the bad,--belongs to you alone. And so, you like this man’s sisters, -too, do you? Their manners are not equal to his.” - -“Certainly not, at first; but they are very pleasing women when you -converse with them. Miss Bingley is to live with her brother, and keep -his house; and I am much mistaken if we shall not find a very charming -neighbour in her.” - -Elizabeth listened in silence, but was not convinced: their behaviour at -the assembly had not been calculated to please in general; and with more -quickness of observation and less pliancy of temper than her sister, and -with a judgment, too, unassailed by any attention to herself, she was -very little disposed to approve them. They were, in fact, very fine -ladies; not deficient in good-humour when they were pleased, nor in the -power of being agreeable where they chose it; but proud and conceited. -They were rather handsome; had been educated in one of the first private -seminaries in town; had a fortune of twenty thousand pounds; were in the -habit of spending more than they ought, and of associating with people -of rank; and were, therefore, in every respect entitled to think well of -themselves and meanly of others. They were of a respectable family in -the north of England; a circumstance more deeply impressed on their -memories than that their brother’s fortune and their own had been -acquired by trade. - -Mr. Bingley inherited property to the amount of nearly a hundred -thousand pounds from his father, who had intended to purchase an estate, -but did not live to do it. Mr. Bingley intended it likewise, and -sometimes made choice of his county; but, as he was now provided with a -good house and the liberty of a manor, it was doubtful to many of those -who best knew the easiness of his temper, whether he might not spend the -remainder of his days at Netherfield, and leave the next generation to -purchase. - -His sisters were very anxious for his having an estate of his own; but -though he was now established only as a tenant, Miss Bingley was by no -means unwilling to preside at his table; nor was Mrs. Hurst, who had -married a man of more fashion than fortune, less disposed to consider -his house as her home when it suited her. Mr. Bingley had not been of -age two years when he was tempted, by an accidental recommendation, to -look at Netherfield House. He did look at it, and into it, for half an -hour; was pleased with the situation and the principal rooms, satisfied -with what the owner said in its praise, and took it immediately. - -Between him and Darcy there was a very steady friendship, in spite of a -great opposition of character. Bingley was endeared to Darcy by the -easiness, openness, and ductility of his temper, though no disposition -could offer a greater contrast to his own, and though with his own he -never appeared dissatisfied. On the strength of Darcy’s regard, Bingley -had the firmest reliance, and of his judgment the highest opinion. In -understanding, Darcy was the superior. Bingley was by no means -deficient; but Darcy was clever. He was at the same time haughty, -reserved, and fastidious; and his manners, though well bred, were not -inviting. In that respect his friend had greatly the advantage. Bingley -was sure of being liked wherever he appeared; Darcy was continually -giving offence. - -The manner in which they spoke of the Meryton assembly was sufficiently -characteristic. Bingley had never met with pleasanter people or prettier -girls in his life; everybody had been most kind and attentive to him; -there had been no formality, no stiffness; he had soon felt acquainted -with all the room; and as to Miss Bennet, he could not conceive an angel -more beautiful. Darcy, on the contrary, had seen a collection of people -in whom there was little beauty and no fashion, for none of whom he had -felt the smallest interest, and from none received either attention or -pleasure. Miss Bennet he acknowledged to be pretty; but she smiled too -much. - -Mrs. Hurst and her sister allowed it to be so; but still they admired -her and liked her, and pronounced her to be a sweet girl, and one whom -they should not object to know more of. Miss Bennet was therefore -established as a sweet girl; and their brother felt authorized by such -commendation to think of her as he chose. - - - - -[Illustration: [_Copyright 1894 by George Allen._]] - - - - -CHAPTER V. - - -[Illustration] - -Within a short walk of Longbourn lived a family with whom the Bennets -were particularly intimate. Sir William Lucas had been formerly in trade -in Meryton, where he had made a tolerable fortune, and risen to the -honour of knighthood by an address to the king during his mayoralty. The -distinction had, perhaps, been felt too strongly. It had given him a -disgust to his business and to his residence in a small market town; -and, quitting them both, he had removed with his family to a house about -a mile from Meryton, denominated from that period Lucas Lodge; where he -could think with pleasure of his own importance, and, unshackled by -business, occupy himself solely in being civil to all the world. For, -though elated by his rank, it did not render him supercilious; on the -contrary, he was all attention to everybody. By nature inoffensive, -friendly, and obliging, his presentation at St. James’s had made him -courteous. - -Lady Lucas was a very good kind of woman, not too clever to be a -valuable neighbour to Mrs. Bennet. They had several children. The eldest -of them, a sensible, intelligent young woman, about twenty-seven, was -Elizabeth’s intimate friend. - -That the Miss Lucases and the Miss Bennets should meet to talk over a -ball was absolutely necessary; and the morning after the assembly -brought the former to Longbourn to hear and to communicate. - -“_You_ began the evening well, Charlotte,” said Mrs. Bennet, with civil -self-command, to Miss Lucas. “_You_ were Mr. Bingley’s first choice.” - -“Yes; but he seemed to like his second better.” - -“Oh, you mean Jane, I suppose, because he danced with her twice. To be -sure that _did_ seem as if he admired her--indeed, I rather believe he -_did_--I heard something about it--but I hardly know what--something -about Mr. Robinson.” - -“Perhaps you mean what I overheard between him and Mr. Robinson: did not -I mention it to you? Mr. Robinson’s asking him how he liked our Meryton -assemblies, and whether he did not think there were a great many pretty -women in the room, and _which_ he thought the prettiest? and his -answering immediately to the last question, ‘Oh, the eldest Miss Bennet, -beyond a doubt: there cannot be two opinions on that point.’” - -“Upon my word! Well, that was very decided, indeed--that does seem as -if--but, however, it may all come to nothing, you know.” - -“_My_ overhearings were more to the purpose than _yours_, Eliza,” said -Charlotte. “Mr. Darcy is not so well worth listening to as his friend, -is he? Poor Eliza! to be only just _tolerable_.” - -“I beg you will not put it into Lizzy’s head to be vexed by his -ill-treatment, for he is such a disagreeable man that it would be quite -a misfortune to be liked by him. Mrs. Long told me last night that he -sat close to her for half an hour without once opening his lips.” - -[Illustration: “Without once opening his lips” - -[_Copyright 1894 by George Allen._]] - -“Are you quite sure, ma’am? Is not there a little mistake?” said Jane. -“I certainly saw Mr. Darcy speaking to her.” - -“Ay, because she asked him at last how he liked Netherfield, and he -could not help answering her; but she said he seemed very angry at being -spoke to.” - -“Miss Bingley told me,” said Jane, “that he never speaks much unless -among his intimate acquaintance. With _them_ he is remarkably -agreeable.” - -“I do not believe a word of it, my dear. If he had been so very -agreeable, he would have talked to Mrs. Long. But I can guess how it -was; everybody says that he is eat up with pride, and I dare say he had -heard somehow that Mrs. Long does not keep a carriage, and had to come -to the ball in a hack chaise.” - -“I do not mind his not talking to Mrs. Long,” said Miss Lucas, “but I -wish he had danced with Eliza.” - -“Another time, Lizzy,” said her mother, “I would not dance with _him_, -if I were you.” - -“I believe, ma’am, I may safely promise you _never_ to dance with him.” - -“His pride,” said Miss Lucas, “does not offend _me_ so much as pride -often does, because there is an excuse for it. One cannot wonder that so -very fine a young man, with family, fortune, everything in his favour, -should think highly of himself. If I may so express it, he has a _right_ -to be proud.” - -“That is very true,” replied Elizabeth, “and I could easily forgive -_his_ pride, if he had not mortified _mine_.” - -“Pride,” observed Mary, who piqued herself upon the solidity of her -reflections, “is a very common failing, I believe. By all that I have -ever read, I am convinced that it is very common indeed; that human -nature is particularly prone to it, and that there are very few of us -who do not cherish a feeling of self-complacency on the score of some -quality or other, real or imaginary. Vanity and pride are different -things, though the words are often used synonymously. A person may be -proud without being vain. Pride relates more to our opinion of -ourselves; vanity to what we would have others think of us.” - -“If I were as rich as Mr. Darcy,” cried a young Lucas, who came with his -sisters, “I should not care how proud I was. I would keep a pack of -foxhounds, and drink a bottle of wine every day.” - -“Then you would drink a great deal more than you ought,” said Mrs. -Bennet; “and if I were to see you at it, I should take away your bottle -directly.” - -The boy protested that she should not; she continued to declare that she -would; and the argument ended only with the visit. - -[Illustration] - - - - -[Illustration] - - - - -CHAPTER VI. - - -[Illustration] - -The ladies of Longbourn soon waited on those of Netherfield. The visit -was returned in due form. Miss Bennet’s pleasing manners grew on the -good-will of Mrs. Hurst and Miss Bingley; and though the mother was -found to be intolerable, and the younger sisters not worth speaking to, -a wish of being better acquainted with _them_ was expressed towards the -two eldest. By Jane this attention was received with the greatest -pleasure; but Elizabeth still saw superciliousness in their treatment of -everybody, hardly excepting even her sister, and could not like them; -though their kindness to Jane, such as it was, had a value, as arising, -in all probability, from the influence of their brother’s admiration. It -was generally evident, whenever they met, that he _did_ admire her; and -to _her_ it was equally evident that Jane was yielding to the preference -which she had begun to entertain for him from the first, and was in a -way to be very much in love; but she considered with pleasure that it -was not likely to be discovered by the world in general, since Jane -united with great strength of feeling, a composure of temper and an -uniform cheerfulness of manner, which would guard her from the -suspicions of the impertinent. She mentioned this to her friend, Miss -Lucas. - -“It may, perhaps, be pleasant,” replied Charlotte, “to be able to impose -on the public in such a case; but it is sometimes a disadvantage to be -so very guarded. If a woman conceals her affection with the same skill -from the object of it, she may lose the opportunity of fixing him; and -it will then be but poor consolation to believe the world equally in the -dark. There is so much of gratitude or vanity in almost every -attachment, that it is not safe to leave any to itself. We can all -_begin_ freely--a slight preference is natural enough; but there are -very few of us who have heart enough to be really in love without -encouragement. In nine cases out of ten, a woman had better show _more_ -affection than she feels. Bingley likes your sister undoubtedly; but he -may never do more than like her, if she does not help him on.” - -“But she does help him on, as much as her nature will allow. If _I_ can -perceive her regard for him, he must be a simpleton indeed not to -discover it too.” - -“Remember, Eliza, that he does not know Jane’s disposition as you do.” - -“But if a woman is partial to a man, and does not endeavor to conceal -it, he must find it out.” - -“Perhaps he must, if he sees enough of her. But though Bingley and Jane -meet tolerably often, it is never for many hours together; and as they -always see each other in large mixed parties, it is impossible that -every moment should be employed in conversing together. Jane should -therefore make the most of every half hour in which she can command his -attention. When she is secure of him, there will be leisure for falling -in love as much as she chooses.” - -“Your plan is a good one,” replied Elizabeth, “where nothing is in -question but the desire of being well married; and if I were determined -to get a rich husband, or any husband, I dare say I should adopt it. But -these are not Jane’s feelings; she is not acting by design. As yet she -cannot even be certain of the degree of her own regard, nor of its -reasonableness. She has known him only a fortnight. She danced four -dances with him at Meryton; she saw him one morning at his own house, -and has since dined in company with him four times. This is not quite -enough to make her understand his character.” - -“Not as you represent it. Had she merely _dined_ with him, she might -only have discovered whether he had a good appetite; but you must -remember that four evenings have been also spent together--and four -evenings may do a great deal.” - -“Yes: these four evenings have enabled them to ascertain that they both -like Vingt-un better than Commerce, but with respect to any other -leading characteristic, I do not imagine that much has been unfolded.” - -“Well,” said Charlotte, “I wish Jane success with all my heart; and if -she were married to him to-morrow, I should think she had as good a -chance of happiness as if she were to be studying his character for a -twelvemonth. Happiness in marriage is entirely a matter of chance. If -the dispositions of the parties are ever so well known to each other, or -ever so similar beforehand, it does not advance their felicity in the -least. They always continue to grow sufficiently unlike afterwards to -have their share of vexation; and it is better to know as little as -possible of the defects of the person with whom you are to pass your -life.” - -“You make me laugh, Charlotte; but it is not sound. You know it is not -sound, and that you would never act in this way yourself.” - -Occupied in observing Mr. Bingley’s attention to her sister, Elizabeth -was far from suspecting that she was herself becoming an object of some -interest in the eyes of his friend. Mr. Darcy had at first scarcely -allowed her to be pretty: he had looked at her without admiration at the -ball; and when they next met, he looked at her only to criticise. But no -sooner had he made it clear to himself and his friends that she had -hardly a good feature in her face, than he began to find it was rendered -uncommonly intelligent by the beautiful expression of her dark eyes. To -this discovery succeeded some others equally mortifying. Though he had -detected with a critical eye more than one failure of perfect symmetry -in her form, he was forced to acknowledge her figure to be light and -pleasing; and in spite of his asserting that her manners were not those -of the fashionable world, he was caught by their easy playfulness. Of -this she was perfectly unaware: to her he was only the man who made -himself agreeable nowhere, and who had not thought her handsome enough -to dance with. - -He began to wish to know more of her; and, as a step towards conversing -with her himself, attended to her conversation with others. His doing so -drew her notice. It was at Sir William Lucas’s, where a large party were -assembled. - -“What does Mr. Darcy mean,” said she to Charlotte, “by listening to my -conversation with Colonel Forster?” - -“That is a question which Mr. Darcy only can answer.” - -“But if he does it any more, I shall certainly let him know that I see -what he is about. He has a very satirical eye, and if I do not begin by -being impertinent myself, I shall soon grow afraid of him.” - -[Illustration: “The entreaties of several” [_Copyright 1894 by George -Allen._]] - -On his approaching them soon afterwards, though without seeming to have -any intention of speaking, Miss Lucas defied her friend to mention such -a subject to him, which immediately provoking Elizabeth to do it, she -turned to him and said,-- - -“Did not you think, Mr. Darcy, that I expressed myself uncommonly well -just now, when I was teasing Colonel Forster to give us a ball at -Meryton?” - -“With great energy; but it is a subject which always makes a lady -energetic.” - -“You are severe on us.” - -“It will be _her_ turn soon to be teased,” said Miss Lucas. “I am going -to open the instrument, Eliza, and you know what follows.” - -“You are a very strange creature by way of a friend!--always wanting me -to play and sing before anybody and everybody! If my vanity had taken a -musical turn, you would have been invaluable; but as it is, I would -really rather not sit down before those who must be in the habit of -hearing the very best performers.” On Miss Lucas’s persevering, however, -she added, “Very well; if it must be so, it must.” And gravely glancing -at Mr. Darcy, “There is a very fine old saying, which everybody here is -of course familiar with--‘Keep your breath to cool your porridge,’--and -I shall keep mine to swell my song.” - -Her performance was pleasing, though by no means capital. After a song -or two, and before she could reply to the entreaties of several that she -would sing again, she was eagerly succeeded at the instrument by her -sister Mary, who having, in consequence of being the only plain one in -the family, worked hard for knowledge and accomplishments, was always -impatient for display. - -Mary had neither genius nor taste; and though vanity had given her -application, it had given her likewise a pedantic air and conceited -manner, which would have injured a higher degree of excellence than she -had reached. Elizabeth, easy and unaffected, had been listened to with -much more pleasure, though not playing half so well; and Mary, at the -end of a long concerto, was glad to purchase praise and gratitude by -Scotch and Irish airs, at the request of her younger sisters, who with -some of the Lucases, and two or three officers, joined eagerly in -dancing at one end of the room. - -Mr. Darcy stood near them in silent indignation at such a mode of -passing the evening, to the exclusion of all conversation, and was too -much engrossed by his own thoughts to perceive that Sir William Lucas -was his neighbour, till Sir William thus began:-- - -“What a charming amusement for young people this is, Mr. Darcy! There is -nothing like dancing, after all. I consider it as one of the first -refinements of polished societies.” - -“Certainly, sir; and it has the advantage also of being in vogue amongst -the less polished societies of the world: every savage can dance.” - -Sir William only smiled. “Your friend performs delightfully,” he -continued, after a pause, on seeing Bingley join the group; “and I doubt -not that you are an adept in the science yourself, Mr. Darcy.” - -“You saw me dance at Meryton, I believe, sir.” - -“Yes, indeed, and received no inconsiderable pleasure from the sight. Do -you often dance at St. James’s?” - -“Never, sir.” - -“Do you not think it would be a proper compliment to the place?” - -“It is a compliment which I never pay to any place if I can avoid it.” - -“You have a house in town, I conclude?” - -Mr. Darcy bowed. - -“I had once some thoughts of fixing in town myself, for I am fond of -superior society; but I did not feel quite certain that the air of -London would agree with Lady Lucas.” - -He paused in hopes of an answer: but his companion was not disposed to -make any; and Elizabeth at that instant moving towards them, he was -struck with the notion of doing a very gallant thing, and called out to -her,-- - -“My dear Miss Eliza, why are not you dancing? Mr. Darcy, you must allow -me to present this young lady to you as a very desirable partner. You -cannot refuse to dance, I am sure, when so much beauty is before you.” -And, taking her hand, he would have given it to Mr. Darcy, who, though -extremely surprised, was not unwilling to receive it, when she instantly -drew back, and said with some discomposure to Sir William,-- - -“Indeed, sir, I have not the least intention of dancing. I entreat you -not to suppose that I moved this way in order to beg for a partner.” - -Mr. Darcy, with grave propriety, requested to be allowed the honour of -her hand, but in vain. Elizabeth was determined; nor did Sir William at -all shake her purpose by his attempt at persuasion. - -“You excel so much in the dance, Miss Eliza, that it is cruel to deny me -the happiness of seeing you; and though this gentleman dislikes the -amusement in general, he can have no objection, I am sure, to oblige us -for one half hour.” - -“Mr. Darcy is all politeness,” said Elizabeth, smiling. - -“He is, indeed: but considering the inducement, my dear Miss Eliza, we -cannot wonder at his complaisance; for who would object to such a -partner?” - -Elizabeth looked archly, and turned away. Her resistance had not injured -her with the gentleman, and he was thinking of her with some -complacency, when thus accosted by Miss Bingley,-- - -“I can guess the subject of your reverie.” - -“I should imagine not.” - -“You are considering how insupportable it would be to pass many -evenings in this manner,--in such society; and, indeed, I am quite of -your opinion. I was never more annoyed! The insipidity, and yet the -noise--the nothingness, and yet the self-importance, of all these -people! What would I give to hear your strictures on them!” - -“Your conjecture is totally wrong, I assure you. My mind was more -agreeably engaged. I have been meditating on the very great pleasure -which a pair of fine eyes in the face of a pretty woman can bestow.” - -Miss Bingley immediately fixed her eyes on his face, and desired he -would tell her what lady had the credit of inspiring such reflections. -Mr. Darcy replied, with great intrepidity,-- - -“Miss Elizabeth Bennet.” - -“Miss Elizabeth Bennet!” repeated Miss Bingley. “I am all astonishment. -How long has she been such a favourite? and pray when am I to wish you -joy?” - -“That is exactly the question which I expected you to ask. A lady’s -imagination is very rapid; it jumps from admiration to love, from love -to matrimony, in a moment. I knew you would be wishing me joy.” - -“Nay, if you are so serious about it, I shall consider the matter as -absolutely settled. You will have a charming mother-in-law, indeed, and -of course she will be always at Pemberley with you.” - -He listened to her with perfect indifference, while she chose to -entertain herself in this manner; and as his composure convinced her -that all was safe, her wit flowed along. - - - - -[Illustration: - - “A note for Miss Bennet” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER VII. - - -[Illustration] - -Mr. Bennet’s property consisted almost entirely in an estate of two -thousand a year, which, unfortunately for his daughters, was entailed, -in default of heirs male, on a distant relation; and their mother’s -fortune, though ample for her situation in life, could but ill supply -the deficiency of his. Her father had been an attorney in Meryton, and -had left her four thousand pounds. - -She had a sister married to a Mr. Philips, who had been a clerk to their -father and succeeded him in the business, and a brother settled in -London in a respectable line of trade. - -The village of Longbourn was only one mile from Meryton; a most -convenient distance for the young ladies, who were usually tempted -thither three or four times a week, to pay their duty to their aunt, and -to a milliner’s shop just over the way. The two youngest of the family, -Catherine and Lydia, were particularly frequent in these attentions: -their minds were more vacant than their sisters’, and when nothing -better offered, a walk to Meryton was necessary to amuse their morning -hours and furnish conversation for the evening; and, however bare of -news the country in general might be, they always contrived to learn -some from their aunt. At present, indeed, they were well supplied both -with news and happiness by the recent arrival of a militia regiment in -the neighbourhood; it was to remain the whole winter, and Meryton was -the head-quarters. - -Their visits to Mrs. Philips were now productive of the most interesting -intelligence. Every day added something to their knowledge of the -officers’ names and connections. Their lodgings were not long a secret, -and at length they began to know the officers themselves. Mr. Philips -visited them all, and this opened to his nieces a source of felicity -unknown before. They could talk of nothing but officers; and Mr. -Bingley’s large fortune, the mention of which gave animation to their -mother, was worthless in their eyes when opposed to the regimentals of -an ensign. - -After listening one morning to their effusions on this subject, Mr. -Bennet coolly observed,-- - -“From all that I can collect by your manner of talking, you must be two -of the silliest girls in the country. I have suspected it some time, but -I am now convinced.” - -Catherine was disconcerted, and made no answer; but Lydia, with perfect -indifference, continued to express her admiration of Captain Carter, and -her hope of seeing him in the course of the day, as he was going the -next morning to London. - -“I am astonished, my dear,” said Mrs. Bennet, “that you should be so -ready to think your own children silly. If I wished to think slightingly -of anybody’s children, it should not be of my own, however.” - -“If my children are silly, I must hope to be always sensible of it.” - -“Yes; but as it happens, they are all of them very clever.” - -“This is the only point, I flatter myself, on which we do not agree. I -had hoped that our sentiments coincided in every particular, but I must -so far differ from you as to think our two youngest daughters uncommonly -foolish.” - -“My dear Mr. Bennet, you must not expect such girls to have the sense of -their father and mother. When they get to our age, I dare say they will -not think about officers any more than we do. I remember the time when I -liked a red coat myself very well--and, indeed, so I do still at my -heart; and if a smart young colonel, with five or six thousand a year, -should want one of my girls, I shall not say nay to him; and I thought -Colonel Forster looked very becoming the other night at Sir William’s in -his regimentals.” - -“Mamma,” cried Lydia, “my aunt says that Colonel Forster and Captain -Carter do not go so often to Miss Watson’s as they did when they first -came; she sees them now very often standing in Clarke’s library.” - -Mrs. Bennet was prevented replying by the entrance of the footman with a -note for Miss Bennet; it came from Netherfield, and the servant waited -for an answer. Mrs. Bennet’s eyes sparkled with pleasure, and she was -eagerly calling out, while her daughter read,-- - -“Well, Jane, who is it from? What is it about? What does he say? Well, -Jane, make haste and tell us; make haste, my love.” - -“It is from Miss Bingley,” said Jane, and then read it aloud. - - /* NIND “My dear friend, */ - - “If you are not so compassionate as to dine to-day with Louisa and - me, we shall be in danger of hating each other for the rest of our - lives; for a whole day’s _tête-à-tête_ between two women can never - end without a quarrel. Come as soon as you can on the receipt of - this. My brother and the gentlemen are to dine with the officers. - Yours ever, - -“CAROLINE BINGLEY.” - -“With the officers!” cried Lydia: “I wonder my aunt did not tell us of -_that_.” - -“Dining out,” said Mrs. Bennet; “that is very unlucky.” - -“Can I have the carriage?” said Jane. - -“No, my dear, you had better go on horseback, because it seems likely to -rain; and then you must stay all night.” - -“That would be a good scheme,” said Elizabeth, “if you were sure that -they would not offer to send her home.” - -“Oh, but the gentlemen will have Mr. Bingley’s chaise to go to Meryton; -and the Hursts have no horses to theirs.” - -“I had much rather go in the coach.” - -“But, my dear, your father cannot spare the horses, I am sure. They are -wanted in the farm, Mr. Bennet, are not they?” - -[Illustration: Cheerful prognostics] - -“They are wanted in the farm much oftener than I can get them.” - -“But if you have got them to-day,” said Elizabeth, “my mother’s purpose -will be answered.” - -She did at last extort from her father an acknowledgment that the horses -were engaged; Jane was therefore obliged to go on horseback, and her -mother attended her to the door with many cheerful prognostics of a bad -day. Her hopes were answered; Jane had not been gone long before it -rained hard. Her sisters were uneasy for her, but her mother was -delighted. The rain continued the whole evening without intermission; -Jane certainly could not come back. - -“This was a lucky idea of mine, indeed!” said Mrs. Bennet, more than -once, as if the credit of making it rain were all her own. Till the next -morning, however, she was not aware of all the felicity of her -contrivance. Breakfast was scarcely over when a servant from Netherfield -brought the following note for Elizabeth:-- - - /* NIND “My dearest Lizzie, */ - - “I find myself very unwell this morning, which, I suppose, is to be - imputed to my getting wet through yesterday. My kind friends will - not hear of my returning home till I am better. They insist also on - my seeing Mr. Jones--therefore do not be alarmed if you should hear - of his having been to me--and, excepting a sore throat and a - headache, there is not much the matter with me. - -“Yours, etc.” - -“Well, my dear,” said Mr. Bennet, when Elizabeth had read the note -aloud, “if your daughter should have a dangerous fit of illness--if she -should die--it would be a comfort to know that it was all in pursuit of -Mr. Bingley, and under your orders.” - -“Oh, I am not at all afraid of her dying. People do not die of little -trifling colds. She will be taken good care of. As long as she stays -there, it is all very well. I would go and see her if I could have the -carriage.” - -Elizabeth, feeling really anxious, determined to go to her, though the -carriage was not to be had: and as she was no horsewoman, walking was -her only alternative. She declared her resolution. - -“How can you be so silly,” cried her mother, “as to think of such a -thing, in all this dirt! You will not be fit to be seen when you get -there.” - -“I shall be very fit to see Jane--which is all I want.” - -“Is this a hint to me, Lizzy,” said her father, “to send for the -horses?” - -“No, indeed. I do not wish to avoid the walk. The distance is nothing, -when one has a motive; only three miles. I shall be back by dinner.” - -“I admire the activity of your benevolence,” observed Mary, “but every -impulse of feeling should be guided by reason; and, in my opinion, -exertion should always be in proportion to what is required.” - -“We will go as far as Meryton with you,” said Catherine and Lydia. -Elizabeth accepted their company, and the three young ladies set off -together. - -“If we make haste,” said Lydia, as they walked along, “perhaps we may -see something of Captain Carter, before he goes.” - -In Meryton they parted: the two youngest repaired to the lodgings of one -of the officers’ wives, and Elizabeth continued her walk alone, crossing -field after field at a quick pace, jumping over stiles and springing -over puddles, with impatient activity, and finding herself at last -within view of the house, with weary ancles, dirty stockings, and a face -glowing with the warmth of exercise. - -She was shown into the breakfast parlour, where all but Jane were -assembled, and where her appearance created a great deal of surprise. -That she should have walked three miles so early in the day in such -dirty weather, and by herself, was almost incredible to Mrs. Hurst and -Miss Bingley; and Elizabeth was convinced that they held her in contempt -for it. She was received, however, very politely by them; and in their -brother’s manners there was something better than politeness--there was -good-humour and kindness. Mr. Darcy said very little, and Mr. Hurst -nothing at all. The former was divided between admiration of the -brilliancy which exercise had given to her complexion and doubt as to -the occasion’s justifying her coming so far alone. The latter was -thinking only of his breakfast. - -Her inquiries after her sister were not very favourably answered. Miss -Bennet had slept ill, and though up, was very feverish, and not well -enough to leave her room. Elizabeth was glad to be taken to her -immediately; and Jane, who had only been withheld by the fear of giving -alarm or inconvenience, from expressing in her note how much she longed -for such a visit, was delighted at her entrance. She was not equal, -however, to much conversation; and when Miss Bingley left them together, -could attempt little beside expressions of gratitude for the -extraordinary kindness she was treated with. Elizabeth silently attended -her. - -When breakfast was over, they were joined by the sisters; and Elizabeth -began to like them herself, when she saw how much affection and -solicitude they showed for Jane. The apothecary came; and having -examined his patient, said, as might be supposed, that she had caught a -violent cold, and that they must endeavour to get the better of it; -advised her to return to bed, and promised her some draughts. The advice -was followed readily, for the feverish symptoms increased, and her head -ached acutely. Elizabeth did not quit her room for a moment, nor were -the other ladies often absent; the gentlemen being out, they had in fact -nothing to do elsewhere. - -When the clock struck three, Elizabeth felt that she must go, and very -unwillingly said so. Miss Bingley offered her the carriage, and she only -wanted a little pressing to accept it, when Jane testified such concern -at parting with her that Miss Bingley was obliged to convert the offer -of the chaise into an invitation to remain at Netherfield for the -present. Elizabeth most thankfully consented, and a servant was -despatched to Longbourn, to acquaint the family with her stay, and bring -back a supply of clothes. - -[Illustration: - -“The Apothecary came” -] - - - - -[Illustration: - -“covering a screen” -] - - - - -CHAPTER VIII. - - -[Illustration] - -At five o’clock the two ladies retired to dress, and at half-past six -Elizabeth was summoned to dinner. To the civil inquiries which then -poured in, and amongst which she had the pleasure of distinguishing the -much superior solicitude of Mr. Bingley, she could not make a very -favourable answer. Jane was by no means better. The sisters, on hearing -this, repeated three or four times how much they were grieved, how -shocking it was to have a bad cold, and how excessively they disliked -being ill themselves; and then thought no more of the matter: and their -indifference towards Jane, when not immediately before them, restored -Elizabeth to the enjoyment of all her original dislike. - -Their brother, indeed, was the only one of the party whom she could -regard with any complacency. His anxiety for Jane was evident, and his -attentions to herself most pleasing; and they prevented her feeling -herself so much an intruder as she believed she was considered by the -others. She had very little notice from any but him. Miss Bingley was -engrossed by Mr. Darcy, her sister scarcely less so; and as for Mr. -Hurst, by whom Elizabeth sat, he was an indolent man, who lived only to -eat, drink, and play at cards, who, when he found her prefer a plain -dish to a ragout, had nothing to say to her. - -When dinner was over, she returned directly to Jane, and Miss Bingley -began abusing her as soon as she was out of the room. Her manners were -pronounced to be very bad indeed,--a mixture of pride and impertinence: -she had no conversation, no style, no taste, no beauty. Mrs. Hurst -thought the same, and added,-- - -“She has nothing, in short, to recommend her, but being an excellent -walker. I shall never forget her appearance this morning. She really -looked almost wild.” - -“She did indeed, Louisa. I could hardly keep my countenance. Very -nonsensical to come at all! Why must _she_ be scampering about the -country, because her sister had a cold? Her hair so untidy, so blowzy!” - -“Yes, and her petticoat; I hope you saw her petticoat, six inches deep -in mud, I am absolutely certain, and the gown which had been let down to -hide it not doing its office.” - -“Your picture may be very exact, Louisa,” said Bingley; “but this was -all lost upon me. I thought Miss Elizabeth Bennet looked remarkably well -when she came into the room this morning. Her dirty petticoat quite -escaped my notice.” - -“_You_ observed it, Mr. Darcy, I am sure,” said Miss Bingley; “and I am -inclined to think that you would not wish to see _your sister_ make such -an exhibition.” - -“Certainly not.” - -“To walk three miles, or four miles, or five miles, or whatever it is, -above her ancles in dirt, and alone, quite alone! what could she mean by -it? It seems to me to show an abominable sort of conceited independence, -a most country-town indifference to decorum.” - -“It shows an affection for her sister that is very pleasing,” said -Bingley. - -“I am afraid, Mr. Darcy,” observed Miss Bingley, in a half whisper, -“that this adventure has rather affected your admiration of her fine -eyes.” - -“Not at all,” he replied: “they were brightened by the exercise.” A -short pause followed this speech, and Mrs. Hurst began again,-- - -“I have an excessive regard for Jane Bennet,--she is really a very sweet -girl,--and I wish with all my heart she were well settled. But with such -a father and mother, and such low connections, I am afraid there is no -chance of it.” - -“I think I have heard you say that their uncle is an attorney in -Meryton?” - -“Yes; and they have another, who lives somewhere near Cheapside.” - -“That is capital,” added her sister; and they both laughed heartily. - -“If they had uncles enough to fill _all_ Cheapside,” cried Bingley, “it -would not make them one jot less agreeable.” - -“But it must very materially lessen their chance of marrying men of any -consideration in the world,” replied Darcy. - -To this speech Bingley made no answer; but his sisters gave it their -hearty assent, and indulged their mirth for some time at the expense of -their dear friend’s vulgar relations. - -With a renewal of tenderness, however, they repaired to her room on -leaving the dining-parlour, and sat with her till summoned to coffee. -She was still very poorly, and Elizabeth would not quit her at all, till -late in the evening, when she had the comfort of seeing her asleep, and -when it appeared to her rather right than pleasant that she should go -down stairs herself. On entering the drawing-room, she found the whole -party at loo, and was immediately invited to join them; but suspecting -them to be playing high, she declined it, and making her sister the -excuse, said she would amuse herself, for the short time she could stay -below, with a book. Mr. Hurst looked at her with astonishment. - -“Do you prefer reading to cards?” said he; “that is rather singular.” - -“Miss Eliza Bennet,” said Miss Bingley, “despises cards. She is a great -reader, and has no pleasure in anything else.” - -“I deserve neither such praise nor such censure,” cried Elizabeth; “I -am _not_ a great reader, and I have pleasure in many things.” - -“In nursing your sister I am sure you have pleasure,” said Bingley; “and -I hope it will soon be increased by seeing her quite well.” - -Elizabeth thanked him from her heart, and then walked towards a table -where a few books were lying. He immediately offered to fetch her -others; all that his library afforded. - -“And I wish my collection were larger for your benefit and my own -credit; but I am an idle fellow; and though I have not many, I have more -than I ever looked into.” - -Elizabeth assured him that she could suit herself perfectly with those -in the room. - -“I am astonished,” said Miss Bingley, “that my father should have left -so small a collection of books. What a delightful library you have at -Pemberley, Mr. Darcy!” - -“It ought to be good,” he replied: “it has been the work of many -generations.” - -“And then you have added so much to it yourself--you are always buying -books.” - -“I cannot comprehend the neglect of a family library in such days as -these.” - -“Neglect! I am sure you neglect nothing that can add to the beauties of -that noble place. Charles, when you build _your_ house, I wish it may be -half as delightful as Pemberley.” - -“I wish it may.” - -“But I would really advise you to make your purchase in that -neighbourhood, and take Pemberley for a kind of model. There is not a -finer county in England than Derbyshire.” - -“With all my heart: I will buy Pemberley itself, if Darcy will sell it.” - -“I am talking of possibilities, Charles.” - -“Upon my word, Caroline, I should think it more possible to get -Pemberley by purchase than by imitation.” - -Elizabeth was so much caught by what passed, as to leave her very little -attention for her book; and, soon laying it wholly aside, she drew near -the card-table, and stationed herself between Mr. Bingley and his eldest -sister, to observe the game. - -“Is Miss Darcy much grown since the spring?” said Miss Bingley: “will -she be as tall as I am?” - -“I think she will. She is now about Miss Elizabeth Bennet’s height, or -rather taller.” - -“How I long to see her again! I never met with anybody who delighted me -so much. Such a countenance, such manners, and so extremely accomplished -for her age! Her performance on the pianoforte is exquisite.” - -“It is amazing to me,” said Bingley, “how young ladies can have patience -to be so very accomplished as they all are.” - -“All young ladies accomplished! My dear Charles, what do you mean?” - -“Yes, all of them, I think. They all paint tables, cover screens, and -net purses. I scarcely know any one who cannot do all this; and I am -sure I never heard a young lady spoken of for the first time, without -being informed that she was very accomplished.” - -“Your list of the common extent of accomplishments,” said Darcy, “has -too much truth. The word is applied to many a woman who deserves it no -otherwise than by netting a purse or covering a screen; but I am very -far from agreeing with you in your estimation of ladies in general. I -cannot boast of knowing more than half-a-dozen in the whole range of my -acquaintance that are really accomplished.” - -“Nor I, I am sure,” said Miss Bingley. - -“Then,” observed Elizabeth, “you must comprehend a great deal in your -idea of an accomplished woman.” - -“Yes; I do comprehend a great deal in it.” - -“Oh, certainly,” cried his faithful assistant, “no one can be really -esteemed accomplished who does not greatly surpass what is usually met -with. A woman must have a thorough knowledge of music, singing, drawing, -dancing, and the modern languages, to deserve the word; and, besides all -this, she must possess a certain something in her air and manner of -walking, the tone of her voice, her address and expressions, or the word -will be but half deserved.” - -“All this she must possess,” added Darcy; “and to all she must yet add -something more substantial in the improvement of her mind by extensive -reading.” - -“I am no longer surprised at your knowing _only_ six accomplished women. -I rather wonder now at your knowing _any_.” - -“Are you so severe upon your own sex as to doubt the possibility of all -this?” - -“_I_ never saw such a woman. _I_ never saw such capacity, and taste, and -application, and elegance, as you describe, united.” - -Mrs. Hurst and Miss Bingley both cried out against the injustice of her -implied doubt, and were both protesting that they knew many women who -answered this description, when Mr. Hurst called them to order, with -bitter complaints of their inattention to what was going forward. As all -conversation was thereby at an end, Elizabeth soon afterwards left the -room. - -“Eliza Bennet,” said Miss Bingley, when the door was closed on her, “is -one of those young ladies who seek to recommend themselves to the other -sex by undervaluing their own; and with many men, I daresay, it -succeeds; but, in my opinion, it is a paltry device, a very mean art.” - -“Undoubtedly,” replied Darcy, to whom this remark was chiefly addressed, -“there is meanness in _all_ the arts which ladies sometimes condescend -to employ for captivation. Whatever bears affinity to cunning is -despicable.” - -Miss Bingley was not so entirely satisfied with this reply as to -continue the subject. - -Elizabeth joined them again only to say that her sister was worse, and -that she could not leave her. Bingley urged Mr. Jones’s being sent for -immediately; while his sisters, convinced that no country advice could -be of any service, recommended an express to town for one of the most -eminent physicians. This she would not hear of; but she was not so -unwilling to comply with their brother’s proposal; and it was settled -that Mr. Jones should be sent for early in the morning, if Miss Bennet -were not decidedly better. Bingley was quite uncomfortable; his sisters -declared that they were miserable. They solaced their wretchedness, -however, by duets after supper; while he could find no better relief to -his feelings than by giving his housekeeper directions that every -possible attention might be paid to the sick lady and her sister. - - - - -[Illustration: - -M^{rs} Bennet and her two youngest girls - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER IX. - - -[Illustration] - -Elizabeth passed the chief of the night in her sister’s room, and in the -morning had the pleasure of being able to send a tolerable answer to the -inquiries which she very early received from Mr. Bingley by a housemaid, -and some time afterwards from the two elegant ladies who waited on his -sisters. In spite of this amendment, however, she requested to have a -note sent to Longbourn, desiring her mother to visit Jane, and form her -own judgment of her situation. The note was immediately despatched, and -its contents as quickly complied with. Mrs. Bennet, accompanied by her -two youngest girls, reached Netherfield soon after the family breakfast. - -Had she found Jane in any apparent danger, Mrs. Bennet would have been -very miserable; but being satisfied on seeing her that her illness was -not alarming, she had no wish of her recovering immediately, as her -restoration to health would probably remove her from Netherfield. She -would not listen, therefore, to her daughter’s proposal of being carried -home; neither did the apothecary, who arrived about the same time, think -it at all advisable. After sitting a little while with Jane, on Miss -Bingley’s appearance and invitation, the mother and three daughters all -attended her into the breakfast parlour. Bingley met them with hopes -that Mrs. Bennet had not found Miss Bennet worse than she expected. - -“Indeed I have, sir,” was her answer. “She is a great deal too ill to be -moved. Mr. Jones says we must not think of moving her. We must trespass -a little longer on your kindness.” - -“Removed!” cried Bingley. “It must not be thought of. My sister, I am -sure, will not hear of her removal.” - -“You may depend upon it, madam,” said Miss Bingley, with cold civility, -“that Miss Bennet shall receive every possible attention while she -remains with us.” - -Mrs. Bennet was profuse in her acknowledgments. - -“I am sure,” she added, “if it was not for such good friends, I do not -know what would become of her, for she is very ill indeed, and suffers a -vast deal, though with the greatest patience in the world, which is -always the way with her, for she has, without exception, the sweetest -temper I ever met with. I often tell my other girls they are nothing to -_her_. You have a sweet room here, Mr. Bingley, and a charming prospect -over that gravel walk. I do not know a place in the country that is -equal to Netherfield. You will not think of quitting it in a hurry, I -hope, though you have but a short lease.” - -“Whatever I do is done in a hurry,” replied he; “and therefore if I -should resolve to quit Netherfield, I should probably be off in five -minutes. At present, however, I consider myself as quite fixed here.” - -“That is exactly what I should have supposed of you,” said Elizabeth. - -“You begin to comprehend me, do you?” cried he, turning towards her. - -“Oh yes--I understand you perfectly.” - -“I wish I might take this for a compliment; but to be so easily seen -through, I am afraid, is pitiful.” - -“That is as it happens. It does not necessarily follow that a deep, -intricate character is more or less estimable than such a one as yours.” - -“Lizzy,” cried her mother, “remember where you are, and do not run on in -the wild manner that you are suffered to do at home.” - -“I did not know before,” continued Bingley, immediately, “that you were -a studier of character. It must be an amusing study.” - -“Yes; but intricate characters are the _most_ amusing. They have at -least that advantage.” - -“The country,” said Darcy, “can in general supply but few subjects for -such a study. In a country neighbourhood you move in a very confined and -unvarying society.” - -“But people themselves alter so much, that there is something new to be -observed in them for ever.” - -“Yes, indeed,” cried Mrs. Bennet, offended by his manner of mentioning a -country neighbourhood. “I assure you there is quite as much of _that_ -going on in the country as in town.” - -Everybody was surprised; and Darcy, after looking at her for a moment, -turned silently away. Mrs. Bennet, who fancied she had gained a complete -victory over him, continued her triumph,-- - -“I cannot see that London has any great advantage over the country, for -my part, except the shops and public places. The country is a vast deal -pleasanter, is not it, Mr. Bingley?” - -“When I am in the country,” he replied, “I never wish to leave it; and -when I am in town, it is pretty much the same. They have each their -advantages, and I can be equally happy in either.” - -“Ay, that is because you have the right disposition. But that -gentleman,” looking at Darcy, “seemed to think the country was nothing -at all.” - -“Indeed, mamma, you are mistaken,” said Elizabeth, blushing for her -mother. “You quite mistook Mr. Darcy. He only meant that there was not -such a variety of people to be met with in the country as in town, which -you must acknowledge to be true.” - -“Certainly, my dear, nobody said there were; but as to not meeting with -many people in this neighbourhood, I believe there are few -neighbourhoods larger. I know we dine with four-and-twenty families.” - -Nothing but concern for Elizabeth could enable Bingley to keep his -countenance. His sister was less delicate, and directed her eye towards -Mr. Darcy with a very expressive smile. Elizabeth, for the sake of -saying something that might turn her mother’s thoughts, now asked her if -Charlotte Lucas had been at Longbourn since _her_ coming away. - -“Yes, she called yesterday with her father. What an agreeable man Sir -William is, Mr. Bingley--is not he? so much the man of fashion! so -genteel and so easy! He has always something to say to everybody. _That_ -is my idea of good breeding; and those persons who fancy themselves very -important and never open their mouths quite mistake the matter.” - -“Did Charlotte dine with you?” - -“No, she would go home. I fancy she was wanted about the mince-pies. For -my part, Mr. Bingley, _I_ always keep servants that can do their own -work; _my_ daughters are brought up differently. But everybody is to -judge for themselves, and the Lucases are a very good sort of girls, I -assure you. It is a pity they are not handsome! Not that _I_ think -Charlotte so _very_ plain; but then she is our particular friend.” - -“She seems a very pleasant young woman,” said Bingley. - -“Oh dear, yes; but you must own she is very plain. Lady Lucas herself -has often said so, and envied me Jane’s beauty. I do not like to boast -of my own child; but to be sure, Jane--one does not often see anybody -better looking. It is what everybody says. I do not trust my own -partiality. When she was only fifteen there was a gentleman at my -brother Gardiner’s in town so much in love with her, that my -sister-in-law was sure he would make her an offer before we came away. -But, however, he did not. Perhaps he thought her too young. However, he -wrote some verses on her, and very pretty they were.” - -“And so ended his affection,” said Elizabeth, impatiently. “There has -been many a one, I fancy, overcome in the same way. I wonder who first -discovered the efficacy of poetry in driving away love!” - -“I have been used to consider poetry as the _food_ of love,” said Darcy. - -“Of a fine, stout, healthy love it may. Everything nourishes what is -strong already. But if it be only a slight, thin sort of inclination, I -am convinced that one good sonnet will starve it entirely away.” - -Darcy only smiled; and the general pause which ensued made Elizabeth -tremble lest her mother should be exposing herself again. She longed to -speak, but could think of nothing to say; and after a short silence Mrs. -Bennet began repeating her thanks to Mr. Bingley for his kindness to -Jane, with an apology for troubling him also with Lizzy. Mr. Bingley was -unaffectedly civil in his answer, and forced his younger sister to be -civil also, and say what the occasion required. She performed her part, -indeed, without much graciousness, but Mrs. Bennet was satisfied, and -soon afterwards ordered her carriage. Upon this signal, the youngest of -her daughters put herself forward. The two girls had been whispering to -each other during the whole visit; and the result of it was, that the -youngest should tax Mr. Bingley with having promised on his first coming -into the country to give a ball at Netherfield. - -Lydia was a stout, well-grown girl of fifteen, with a fine complexion -and good-humoured countenance; a favourite with her mother, whose -affection had brought her into public at an early age. She had high -animal spirits, and a sort of natural self-consequence, which the -attentions of the officers, to whom her uncle’s good dinners and her -own easy manners recommended her, had increased into assurance. She was -very equal, therefore, to address Mr. Bingley on the subject of the -ball, and abruptly reminded him of his promise; adding, that it would be -the most shameful thing in the world if he did not keep it. His answer -to this sudden attack was delightful to her mother’s ear. - -“I am perfectly ready, I assure you, to keep my engagement; and, when -your sister is recovered, you shall, if you please, name the very day of -the ball. But you would not wish to be dancing while she is ill?” - -Lydia declared herself satisfied. “Oh yes--it would be much better to -wait till Jane was well; and by that time, most likely, Captain Carter -would be at Meryton again. And when you have given _your_ ball,” she -added, “I shall insist on their giving one also. I shall tell Colonel -Forster it will be quite a shame if he does not.” - -Mrs. Bennet and her daughters then departed, and Elizabeth returned -instantly to Jane, leaving her own and her relations’ behaviour to the -remarks of the two ladies and Mr. Darcy; the latter of whom, however, -could not be prevailed on to join in their censure of _her_, in spite of -all Miss Bingley’s witticisms on _fine eyes_. - - - - -[Illustration] - - - - -CHAPTER X. - - -[Illustration] - -The day passed much as the day before had done. Mrs. Hurst and Miss -Bingley had spent some hours of the morning with the invalid, who -continued, though slowly, to mend; and, in the evening, Elizabeth joined -their party in the drawing-room. The loo table, however, did not appear. -Mr. Darcy was writing, and Miss Bingley, seated near him, was watching -the progress of his letter, and repeatedly calling off his attention by -messages to his sister. Mr. Hurst and Mr. Bingley were at piquet, and -Mrs. Hurst was observing their game. - -Elizabeth took up some needlework, and was sufficiently amused in -attending to what passed between Darcy and his companion. The perpetual -commendations of the lady either on his hand-writing, or on the evenness -of his lines, or on the length of his letter, with the perfect unconcern -with which her praises were received, formed a curious dialogue, and was -exactly in unison with her opinion of each. - -“How delighted Miss Darcy will be to receive such a letter!” - -He made no answer. - -“You write uncommonly fast.” - -“You are mistaken. I write rather slowly.” - -“How many letters you must have occasion to write in the course of a -year! Letters of business, too! How odious I should think them!” - -“It is fortunate, then, that they fall to my lot instead of to yours.” - -“Pray tell your sister that I long to see her.” - -“I have already told her so once, by your desire.” - -“I am afraid you do not like your pen. Let me mend it for you. I mend -pens remarkably well.” - -“Thank you--but I always mend my own.” - -“How can you contrive to write so even?” - -He was silent. - -“Tell your sister I am delighted to hear of her improvement on the harp, -and pray let her know that I am quite in raptures with her beautiful -little design for a table, and I think it infinitely superior to Miss -Grantley’s.” - -“Will you give me leave to defer your raptures till I write again? At -present I have not room to do them justice.” - -“Oh, it is of no consequence. I shall see her in January. But do you -always write such charming long letters to her, Mr. Darcy?” - -“They are generally long; but whether always charming, it is not for me -to determine.” - -“It is a rule with me, that a person who can write a long letter with -ease cannot write ill.” - -“That will not do for a compliment to Darcy, Caroline,” cried her -brother, “because he does _not_ write with ease. He studies too much -for words of four syllables. Do not you, Darcy?” - -“My style of writing is very different from yours.” - -“Oh,” cried Miss Bingley, “Charles writes in the most careless way -imaginable. He leaves out half his words, and blots the rest.” - -“My ideas flow so rapidly that I have not time to express them; by which -means my letters sometimes convey no ideas at all to my correspondents.” - -“Your humility, Mr. Bingley,” said Elizabeth, “must disarm reproof.” - -“Nothing is more deceitful,” said Darcy, “than the appearance of -humility. It is often only carelessness of opinion, and sometimes an -indirect boast.” - -“And which of the two do you call _my_ little recent piece of modesty?” - -“The indirect boast; for you are really proud of your defects in -writing, because you consider them as proceeding from a rapidity of -thought and carelessness of execution, which, if not estimable, you -think at least highly interesting. The power of doing anything with -quickness is always much prized by the possessor, and often without any -attention to the imperfection of the performance. When you told Mrs. -Bennet this morning, that if you ever resolved on quitting Netherfield -you should be gone in five minutes, you meant it to be a sort of -panegyric, of compliment to yourself; and yet what is there so very -laudable in a precipitance which must leave very necessary business -undone, and can be of no real advantage to yourself or anyone else?” - -“Nay,” cried Bingley, “this is too much, to remember at night all the -foolish things that were said in the morning. And yet, upon my honour, I -believed what I said of myself to be true, and I believe it at this -moment. At least, therefore, I did not assume the character of needless -precipitance merely to show off before the ladies.” - -“I daresay you believed it; but I am by no means convinced that you -would be gone with such celerity. Your conduct would be quite as -dependent on chance as that of any man I know; and if, as you were -mounting your horse, a friend were to say, ‘Bingley, you had better stay -till next week,’ you would probably do it--you would probably not -go--and, at another word, might stay a month.” - -“You have only proved by this,” cried Elizabeth, “that Mr. Bingley did -not do justice to his own disposition. You have shown him off now much -more than he did himself.” - -“I am exceedingly gratified,” said Bingley, “by your converting what my -friend says into a compliment on the sweetness of my temper. But I am -afraid you are giving it a turn which that gentleman did by no means -intend; for he would certainly think the better of me if, under such a -circumstance, I were to give a flat denial, and ride off as fast as I -could.” - -“Would Mr. Darcy then consider the rashness of your original intention -as atoned for by your obstinacy in adhering to it?” - -“Upon my word, I cannot exactly explain the matter--Darcy must speak for -himself.” - -“You expect me to account for opinions which you choose to call mine, -but which I have never acknowledged. Allowing the case, however, to -stand according to your representation, you must remember, Miss Bennet, -that the friend who is supposed to desire his return to the house, and -the delay of his plan, has merely desired it, asked it without offering -one argument in favour of its propriety.” - -“To yield readily--easily--to the _persuasion_ of a friend is no merit -with you.” - -“To yield without conviction is no compliment to the understanding of -either.” - -“You appear to me, Mr. Darcy, to allow nothing for the influence of -friendship and affection. A regard for the requester would often make -one readily yield to a request, without waiting for arguments to reason -one into it. I am not particularly speaking of such a case as you have -supposed about Mr. Bingley. We may as well wait, perhaps, till the -circumstance occurs, before we discuss the discretion of his behaviour -thereupon. But in general and ordinary cases, between friend and friend, -where one of them is desired by the other to change a resolution of no -very great moment, should you think ill of that person for complying -with the desire, without waiting to be argued into it?” - -“Will it not be advisable, before we proceed on this subject, to arrange -with rather more precision the degree of importance which is to -appertain to this request, as well as the degree of intimacy subsisting -between the parties?” - -“By all means,” cried Bingley; “let us hear all the particulars, not -forgetting their comparative height and size, for that will have more -weight in the argument, Miss Bennet, than you may be aware of. I assure -you that if Darcy were not such a great tall fellow, in comparison with -myself, I should not pay him half so much deference. I declare I do not -know a more awful object than Darcy on particular occasions, and in -particular places; at his own house especially, and of a Sunday evening, -when he has nothing to do.” - -Mr. Darcy smiled; but Elizabeth thought she could perceive that he was -rather offended, and therefore checked her laugh. Miss Bingley warmly -resented the indignity he had received, in an expostulation with her -brother for talking such nonsense. - -“I see your design, Bingley,” said his friend. “You dislike an argument, -and want to silence this.” - -“Perhaps I do. Arguments are too much like disputes. If you and Miss -Bennet will defer yours till I am out of the room, I shall be very -thankful; and then you may say whatever you like of me.” - -“What you ask,” said Elizabeth, “is no sacrifice on my side; and Mr. -Darcy had much better finish his letter.” - -Mr. Darcy took her advice, and did finish his letter. - -When that business was over, he applied to Miss Bingley and Elizabeth -for the indulgence of some music. Miss Bingley moved with alacrity to -the pianoforte, and after a polite request that Elizabeth would lead the -way, which the other as politely and more earnestly negatived, she -seated herself. - -Mrs. Hurst sang with her sister; and while they were thus employed, -Elizabeth could not help observing, as she turned over some music-books -that lay on the instrument, how frequently Mr. Darcy’s eyes were fixed -on her. She hardly knew how to suppose that she could be an object of -admiration to so great a man, and yet that he should look at her because -he disliked her was still more strange. She could only imagine, however, -at last, that she drew his notice because there was something about her -more wrong and reprehensible, according to his ideas of right, than in -any other person present. The supposition did not pain her. She liked -him too little to care for his approbation. - -After playing some Italian songs, Miss Bingley varied the charm by a -lively Scotch air; and soon afterwards Mr. Darcy, drawing near -Elizabeth, said to her,-- - -“Do you not feel a great inclination, Miss Bennet, to seize such an -opportunity of dancing a reel?” - -She smiled, but made no answer. He repeated the question, with some -surprise at her silence. - -“Oh,” said she, “I heard you before; but I could not immediately -determine what to say in reply. You wanted me, I know, to say ‘Yes,’ -that you might have the pleasure of despising my taste; but I always -delight in overthrowing those kind of schemes, and cheating a person of -their premeditated contempt. I have, therefore, made up my mind to tell -you that I do not want to dance a reel at all; and now despise me if you -dare.” - -“Indeed I do not dare.” - -Elizabeth, having rather expected to affront him, was amazed at his -gallantry; but there was a mixture of sweetness and archness in her -manner which made it difficult for her to affront anybody, and Darcy had -never been so bewitched by any woman as he was by her. He really -believed that, were it not for the inferiority of her connections, he -should be in some danger. - -Miss Bingley saw, or suspected, enough to be jealous; and her great -anxiety for the recovery of her dear friend Jane received some -assistance from her desire of getting rid of Elizabeth. - -She often tried to provoke Darcy into disliking her guest, by talking of -their supposed marriage, and planning his happiness in such an alliance. - -“I hope,” said she, as they were walking together in the shrubbery the -next day, “you will give your mother-in-law a few hints, when this -desirable event takes place, as to the advantage of holding her tongue; -and if you can compass it, to cure the younger girls of running after -the officers. And, if I may mention so delicate a subject, endeavour to -check that little something, bordering on conceit and impertinence, -which your lady possesses.” - -[Illustration: - - “No, no; stay where you are” - -[_Copyright 1894 by George Allen._]] - -“Have you anything else to propose for my domestic felicity?” - -“Oh yes. Do let the portraits of your uncle and aunt Philips be placed -in the gallery at Pemberley. Put them next to your great-uncle the -judge. They are in the same profession, you know, only in different -lines. As for your Elizabeth’s picture, you must not attempt to have it -taken, for what painter could do justice to those beautiful eyes?” - -“It would not be easy, indeed, to catch their expression; but their -colour and shape, and the eyelashes, so remarkably fine, might be -copied.” - -At that moment they were met from another walk by Mrs. Hurst and -Elizabeth herself. - -“I did not know that you intended to walk,” said Miss Bingley, in some -confusion, lest they had been overheard. - -“You used us abominably ill,” answered Mrs. Hurst, “running away without -telling us that you were coming out.” - -Then taking the disengaged arm of Mr. Darcy, she left Elizabeth to walk -by herself. The path just admitted three. Mr. Darcy felt their rudeness, -and immediately said,-- - -“This walk is not wide enough for our party. We had better go into the -avenue.” - -But Elizabeth, who had not the least inclination to remain with them, -laughingly answered,-- - -“No, no; stay where you are. You are charmingly grouped, and appear to -uncommon advantage. The picturesque would be spoilt by admitting a -fourth. Good-bye.” - -She then ran gaily off, rejoicing, as she rambled about, in the hope of -being at home again in a day or two. Jane was already so much recovered -as to intend leaving her room for a couple of hours that evening. - - - - -[Illustration: - - “Piling up the fire” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER XI. - - -[Illustration] - -When the ladies removed after dinner Elizabeth ran up to her sister, and -seeing her well guarded from cold, attended her into the drawing-room, -where she was welcomed by her two friends with many professions of -pleasure; and Elizabeth had never seen them so agreeable as they were -during the hour which passed before the gentlemen appeared. Their powers -of conversation were considerable. They could describe an entertainment -with accuracy, relate an anecdote with humour, and laugh at their -acquaintance with spirit. - -But when the gentlemen entered, Jane was no longer the first object; -Miss Bingley’s eyes were instantly turned towards Darcy, and she had -something to say to him before he had advanced many steps. He addressed -himself directly to Miss Bennet with a polite congratulation; Mr. Hurst -also made her a slight bow, and said he was “very glad;” but diffuseness -and warmth remained for Bingley’s salutation. He was full of joy and -attention. The first half hour was spent in piling up the fire, lest she -should suffer from the change of room; and she removed, at his desire, -to the other side of the fireplace, that she might be farther from the -door. He then sat down by her, and talked scarcely to anyone else. -Elizabeth, at work in the opposite corner, saw it all with great -delight. - -When tea was over Mr. Hurst reminded his sister-in-law of the -card-table--but in vain. She had obtained private intelligence that Mr. -Darcy did not wish for cards, and Mr. Hurst soon found even his open -petition rejected. She assured him that no one intended to play, and the -silence of the whole party on the subject seemed to justify her. Mr. -Hurst had, therefore, nothing to do but to stretch himself on one of the -sofas and go to sleep. Darcy took up a book. Miss Bingley did the same; -and Mrs. Hurst, principally occupied in playing with her bracelets and -rings, joined now and then in her brother’s conversation with Miss -Bennet. - -Miss Bingley’s attention was quite as much engaged in watching Mr. -Darcy’s progress through _his_ book, as in reading her own; and she was -perpetually either making some inquiry, or looking at his page. She -could not win him, however, to any conversation; he merely answered her -question and read on. At length, quite exhausted by the attempt to be -amused with her own book, which she had only chosen because it was the -second volume of his, she gave a great yawn and said, “How pleasant it -is to spend an evening in this way! I declare, after all, there is no -enjoyment like reading! How much sooner one tires of anything than of a -book! When I have a house of my own, I shall be miserable if I have not -an excellent library.” - -No one made any reply. She then yawned again, threw aside her book, and -cast her eyes round the room in quest of some amusement; when, hearing -her brother mentioning a ball to Miss Bennet, she turned suddenly -towards him and said,-- - -“By the bye Charles, are you really serious in meditating a dance at -Netherfield? I would advise you, before you determine on it, to consult -the wishes of the present party; I am much mistaken if there are not -some among us to whom a ball would be rather a punishment than a -pleasure.” - -“If you mean Darcy,” cried her brother, “he may go to bed, if he -chooses, before it begins; but as for the ball, it is quite a settled -thing, and as soon as Nicholls has made white soup enough I shall send -round my cards.” - -“I should like balls infinitely better,” she replied, “if they were -carried on in a different manner; but there is something insufferably -tedious in the usual process of such a meeting. It would surely be much -more rational if conversation instead of dancing made the order of the -day.” - -“Much more rational, my dear Caroline, I dare say; but it would not be -near so much like a ball.” - -Miss Bingley made no answer, and soon afterwards got up and walked about -the room. Her figure was elegant, and she walked well; but Darcy, at -whom it was all aimed, was still inflexibly studious. In the -desperation of her feelings, she resolved on one effort more; and, -turning to Elizabeth, said,-- - -“Miss Eliza Bennet, let me persuade you to follow my example, and take a -turn about the room. I assure you it is very refreshing after sitting so -long in one attitude.” - -Elizabeth was surprised, but agreed to it immediately. Miss Bingley -succeeded no less in the real object of her civility: Mr. Darcy looked -up. He was as much awake to the novelty of attention in that quarter as -Elizabeth herself could be, and unconsciously closed his book. He was -directly invited to join their party, but he declined it, observing that -he could imagine but two motives for their choosing to walk up and down -the room together, with either of which motives his joining them would -interfere. What could he mean? She was dying to know what could be his -meaning--and asked Elizabeth whether she could at all understand him. - -“Not at all,” was her answer; “but, depend upon it, he means to be -severe on us, and our surest way of disappointing him will be to ask -nothing about it.” - -Miss Bingley, however, was incapable of disappointing Mr. Darcy in -anything, and persevered, therefore, in requiring an explanation of his -two motives. - -“I have not the smallest objection to explaining them,” said he, as soon -as she allowed him to speak. “You either choose this method of passing -the evening because you are in each other’s confidence, and have secret -affairs to discuss, or because you are conscious that your figures -appear to the greatest advantage in walking: if the first, I should be -completely in your way; and if the second, I can admire you much better -as I sit by the fire.” - -“Oh, shocking!” cried Miss Bingley. “I never heard anything so -abominable. How shall we punish him for such a speech?” - -“Nothing so easy, if you have but the inclination,” said Elizabeth. “We -can all plague and punish one another. Tease him--laugh at him. Intimate -as you are, you must know how it is to be done.” - -“But upon my honour I do _not_. I do assure you that my intimacy has not -yet taught me _that_. Tease calmness of temper and presence of mind! No, -no; I feel he may defy us there. And as to laughter, we will not expose -ourselves, if you please, by attempting to laugh without a subject. Mr. -Darcy may hug himself.” - -“Mr. Darcy is not to be laughed at!” cried Elizabeth. “That is an -uncommon advantage, and uncommon I hope it will continue, for it would -be a great loss to _me_ to have many such acquaintance. I dearly love a -laugh.” - -“Miss Bingley,” said he, “has given me credit for more than can be. The -wisest and best of men,--nay, the wisest and best of their actions,--may -be rendered ridiculous by a person whose first object in life is a -joke.” - -“Certainly,” replied Elizabeth, “there are such people, but I hope I am -not one of _them_. I hope I never ridicule what is wise or good. Follies -and nonsense, whims and inconsistencies, _do_ divert me, I own, and I -laugh at them whenever I can. But these, I suppose, are precisely what -you are without.” - -“Perhaps that is not possible for anyone. But it has been the study of -my life to avoid those weaknesses which often expose a strong -understanding to ridicule.” - -“Such as vanity and pride.” - -“Yes, vanity is a weakness indeed. But pride--where there is a real -superiority of mind--pride will be always under good regulation.” - -Elizabeth turned away to hide a smile. - -“Your examination of Mr. Darcy is over, I presume,” said Miss Bingley; -“and pray what is the result?” - -“I am perfectly convinced by it that Mr. Darcy has no defect. He owns it -himself without disguise.” - -“No,” said Darcy, “I have made no such pretension. I have faults enough, -but they are not, I hope, of understanding. My temper I dare not vouch -for. It is, I believe, too little yielding; certainly too little for the -convenience of the world. I cannot forget the follies and vices of -others so soon as I ought, nor their offences against myself. My -feelings are not puffed about with every attempt to move them. My temper -would perhaps be called resentful. My good opinion once lost is lost for -ever.” - -“_That_ is a failing, indeed!” cried Elizabeth. “Implacable resentment -_is_ a shade in a character. But you have chosen your fault well. I -really cannot _laugh_ at it. You are safe from me.” - -“There is, I believe, in every disposition a tendency to some particular -evil, a natural defect, which not even the best education can overcome.” - -“And _your_ defect is a propensity to hate everybody.” - -“And yours,” he replied, with a smile, “is wilfully to misunderstand -them.” - -“Do let us have a little music,” cried Miss Bingley, tired of a -conversation in which she had no share. “Louisa, you will not mind my -waking Mr. Hurst.” - -Her sister made not the smallest objection, and the pianoforte was -opened; and Darcy, after a few moments’ recollection, was not sorry for -it. He began to feel the danger of paying Elizabeth too much attention. - - - - -[Illustration] - - - - -CHAPTER XII. - - -[Illustration] - -In consequence of an agreement between the sisters, Elizabeth wrote the -next morning to her mother, to beg that the carriage might be sent for -them in the course of the day. But Mrs. Bennet, who had calculated on -her daughters remaining at Netherfield till the following Tuesday, which -would exactly finish Jane’s week, could not bring herself to receive -them with pleasure before. Her answer, therefore, was not propitious, at -least not to Elizabeth’s wishes, for she was impatient to get home. Mrs. -Bennet sent them word that they could not possibly have the carriage -before Tuesday; and in her postscript it was added, that if Mr. Bingley -and his sister pressed them to stay longer, she could spare them very -well. Against staying longer, however, Elizabeth was positively -resolved--nor did she much expect it would be asked; and fearful, on the -contrary, of being considered as intruding themselves needlessly long, -she urged Jane to borrow Mr. Bingley’s carriage immediately, and at -length it was settled that their original design of leaving Netherfield -that morning should be mentioned, and the request made. - -The communication excited many professions of concern; and enough was -said of wishing them to stay at least till the following day to work on -Jane; and till the morrow their going was deferred. Miss Bingley was -then sorry that she had proposed the delay; for her jealousy and dislike -of one sister much exceeded her affection for the other. - -The master of the house heard with real sorrow that they were to go so -soon, and repeatedly tried to persuade Miss Bennet that it would not be -safe for her--that she was not enough recovered; but Jane was firm where -she felt herself to be right. - -To Mr. Darcy it was welcome intelligence: Elizabeth had been at -Netherfield long enough. She attracted him more than he liked; and Miss -Bingley was uncivil to _her_ and more teasing than usual to himself. He -wisely resolved to be particularly careful that no sign of admiration -should _now_ escape him--nothing that could elevate her with the hope of -influencing his felicity; sensible that, if such an idea had been -suggested, his behaviour during the last day must have material weight -in confirming or crushing it. Steady to his purpose, he scarcely spoke -ten words to her through the whole of Saturday: and though they were at -one time left by themselves for half an hour, he adhered most -conscientiously to his book, and would not even look at her. - -On Sunday, after morning service, the separation, so agreeable to almost -all, took place. Miss Bingley’s civility to Elizabeth increased at last -very rapidly, as well as her affection for Jane; and when they parted, -after assuring the latter of the pleasure it would always give her to -see her either at Longbourn or Netherfield, and embracing her most -tenderly, she even shook hands with the former. Elizabeth took leave of -the whole party in the liveliest spirits. - -They were not welcomed home very cordially by their mother. Mrs. Bennet -wondered at their coming, and thought them very wrong to give so much -trouble, and was sure Jane would have caught cold again. But their -father, though very laconic in his expressions of pleasure, was really -glad to see them; he had felt their importance in the family circle. The -evening conversation, when they were all assembled, had lost much of its -animation, and almost all its sense, by the absence of Jane and -Elizabeth. - -They found Mary, as usual, deep in the study of thorough bass and human -nature; and had some new extracts to admire and some new observations of -threadbare morality to listen to. Catherine and Lydia had information -for them of a different sort. Much had been done, and much had been said -in the regiment since the preceding Wednesday; several of the officers -had dined lately with their uncle; a private had been flogged; and it -had actually been hinted that Colonel Forster was going to be married. - - - - -[Illustration] - - - - -CHAPTER XIII - - -[Illustration] - -“I hope, my dear,” said Mr. Bennet to his wife, as they were at -breakfast the next morning, “that you have ordered a good dinner to-day, -because I have reason to expect an addition to our family party.” - -“Who do you mean, my dear? I know of nobody that is coming, I am sure, -unless Charlotte Lucas should happen to call in; and I hope _my_ dinners -are good enough for her. I do not believe she often sees such at home.” - -“The person of whom I speak is a gentleman and a stranger.” - -Mrs. Bennet’s eyes sparkled. “A gentleman and a stranger! It is Mr. -Bingley, I am sure. Why, Jane--you never dropped a word of this--you sly -thing! Well, I am sure I shall be extremely glad to see Mr. Bingley. -But--good Lord! how unlucky! there is not a bit of fish to be got -to-day. Lydia, my love, ring the bell. I must speak to Hill this -moment.” - -“It is _not_ Mr. Bingley,” said her husband; “it is a person whom I -never saw in the whole course of my life.” - -This roused a general astonishment; and he had the pleasure of being -eagerly questioned by his wife and five daughters at once. - -After amusing himself some time with their curiosity, he thus -explained:--“About a month ago I received this letter, and about a -fortnight ago I answered it; for I thought it a case of some delicacy, -and requiring early attention. It is from my cousin, Mr. Collins, who, -when I am dead, may turn you all out of this house as soon as he -pleases.” - -“Oh, my dear,” cried his wife, “I cannot bear to hear that mentioned. -Pray do not talk of that odious man. I do think it is the hardest thing -in the world, that your estate should be entailed away from your own -children; and I am sure, if I had been you, I should have tried long ago -to do something or other about it.” - -Jane and Elizabeth attempted to explain to her the nature of an entail. -They had often attempted it before: but it was a subject on which Mrs. -Bennet was beyond the reach of reason; and she continued to rail -bitterly against the cruelty of settling an estate away from a family of -five daughters, in favour of a man whom nobody cared anything about. - -“It certainly is a most iniquitous affair,” said Mr. Bennet; “and -nothing can clear Mr. Collins from the guilt of inheriting Longbourn. -But if you will listen to his letter, you may, perhaps, be a little -softened by his manner of expressing himself.” - -“No, that I am sure I shall not: and I think it was very impertinent of -him to write to you at all, and very hypocritical. I hate such false -friends. Why could not he keep on quarrelling with you, as his father -did before him?” - -“Why, indeed, he does seem to have had some filial scruples on that -head, as you will hear.” - - /* RIGHT “Hunsford, near Westerham, Kent, _15th October_. */ - -“Dear Sir, - - “The disagreement subsisting between yourself and my late honoured - father always gave me much uneasiness; and, since I have had the - misfortune to lose him, I have frequently wished to heal the - breach: but, for some time, I was kept back by my own doubts, - fearing lest it might seem disrespectful to his memory for me to be - on good terms with anyone with whom it had always pleased him to be - at variance.”--‘There, Mrs. Bennet.’--“My mind, however, is now - made up on the subject; for, having received ordination at Easter, - I have been so fortunate as to be distinguished by the patronage of - the Right Honourable Lady Catherine de Bourgh, widow of Sir Lewis - de Bourgh, whose bounty and beneficence has preferred me to the - valuable rectory of this parish, where it shall be my earnest - endeavour to demean myself with grateful respect towards her - Ladyship, and be ever ready to perform those rites and ceremonies - which are instituted by the Church of England. As a clergyman, - moreover, I feel it my duty to promote and establish the blessing - of peace in all families within the reach of my influence; and on - these grounds I flatter myself that my present overtures of - good-will are highly commendable, and that the circumstance of my - being next in the entail of Longbourn estate will be kindly - overlooked on your side, and not lead you to reject the offered - olive branch. I cannot be otherwise than concerned at being the - means of injuring your amiable daughters, and beg leave to - apologize for it, as well as to assure you of my readiness to make - them every possible amends; but of this hereafter. If you should - have no objection to receive me into your house, I propose myself - the satisfaction of waiting on you and your family, Monday, - November 18th, by four o’clock, and shall probably trespass on your - hospitality till the Saturday se’nnight following, which I can do - without any inconvenience, as Lady Catherine is far from objecting - to my occasional absence on a Sunday, provided that some other - clergyman is engaged to do the duty of the day. I remain, dear sir, - with respectful compliments to your lady and daughters, your - well-wisher and friend, - -“WILLIAM COLLINS.” - -“At four o’clock, therefore, we may expect this peace-making gentleman,” -said Mr. Bennet, as he folded up the letter. “He seems to be a most -conscientious and polite young man, upon my word; and, I doubt not, will -prove a valuable acquaintance, especially if Lady Catherine should be so -indulgent as to let him come to us again.” - -“There is some sense in what he says about the girls, however; and, if -he is disposed to make them any amends, I shall not be the person to -discourage him.” - -“Though it is difficult,” said Jane, “to guess in what way he can mean -to make us the atonement he thinks our due, the wish is certainly to his -credit.” - -Elizabeth was chiefly struck with his extraordinary deference for Lady -Catherine, and his kind intention of christening, marrying, and burying -his parishioners whenever it were required. - -“He must be an oddity, I think,” said she. “I cannot make him out. There -is something very pompous in his style. And what can he mean by -apologizing for being next in the entail? We cannot suppose he would -help it, if he could. Can he be a sensible man, sir?” - -“No, my dear; I think not. I have great hopes of finding him quite the -reverse. There is a mixture of servility and self-importance in his -letter which promises well. I am impatient to see him.” - -“In point of composition,” said Mary, “his letter does not seem -defective. The idea of the olive branch perhaps is not wholly new, yet I -think it is well expressed.” - -To Catherine and Lydia neither the letter nor its writer were in any -degree interesting. It was next to impossible that their cousin should -come in a scarlet coat, and it was now some weeks since they had -received pleasure from the society of a man in any other colour. As for -their mother, Mr. Collins’s letter had done away much of her ill-will, -and she was preparing to see him with a degree of composure which -astonished her husband and daughters. - -Mr. Collins was punctual to his time, and was received with great -politeness by the whole family. Mr. Bennet indeed said little; but the -ladies were ready enough to talk, and Mr. Collins seemed neither in need -of encouragement, nor inclined to be silent himself. He was a tall, -heavy-looking young man of five-and-twenty. His air was grave and -stately, and his manners were very formal. He had not been long seated -before he complimented Mrs. Bennet on having so fine a family of -daughters, said he had heard much of their beauty, but that, in this -instance, fame had fallen short of the truth; and added, that he did not -doubt her seeing them all in due time well disposed of in marriage. This -gallantry was not much to the taste of some of his hearers; but Mrs. -Bennet, who quarrelled with no compliments, answered most readily,-- - -“You are very kind, sir, I am sure; and I wish with all my heart it may -prove so; for else they will be destitute enough. Things are settled so -oddly.” - -“You allude, perhaps, to the entail of this estate.” - -“Ah, sir, I do indeed. It is a grievous affair to my poor girls, you -must confess. Not that I mean to find fault with _you_, for such things, -I know, are all chance in this world. There is no knowing how estates -will go when once they come to be entailed.” - -“I am very sensible, madam, of the hardship to my fair cousins, and -could say much on the subject, but that I am cautious of appearing -forward and precipitate. But I can assure the young ladies that I come -prepared to admire them. At present I will not say more, but, perhaps, -when we are better acquainted----” - -He was interrupted by a summons to dinner; and the girls smiled on each -other. They were not the only objects of Mr. Collins’s admiration. The -hall, the dining-room, and all its furniture, were examined and praised; -and his commendation of everything would have touched Mrs. Bennet’s -heart, but for the mortifying supposition of his viewing it all as his -own future property. The dinner, too, in its turn, was highly admired; -and he begged to know to which of his fair cousins the excellence of its -cookery was owing. But here he was set right by Mrs. Bennet, who assured -him, with some asperity, that they were very well able to keep a good -cook, and that her daughters had nothing to do in the kitchen. He begged -pardon for having displeased her. In a softened tone she declared -herself not at all offended; but he continued to apologize for about a -quarter of an hour. - - - - -[Illustration] - - - - -CHAPTER XIV - - -[Illustration] - -During dinner, Mr. Bennet scarcely spoke at all; but when the servants -were withdrawn, he thought it time to have some conversation with his -guest, and therefore started a subject in which he expected him to -shine, by observing that he seemed very fortunate in his patroness. Lady -Catherine de Bourgh’s attention to his wishes, and consideration for his -comfort, appeared very remarkable. Mr. Bennet could not have chosen -better. Mr. Collins was eloquent in her praise. The subject elevated him -to more than usual solemnity of manner; and with a most important aspect -he protested that he had never in his life witnessed such behaviour in a -person of rank--such affability and condescension, as he had himself -experienced from Lady Catherine. She had been graciously pleased to -approve of both the discourses which he had already had the honour of -preaching before her. She had also asked him twice to dine at Rosings, -and had sent for him only the Saturday before, to make up her pool of -quadrille in the evening. Lady Catherine was reckoned proud by many -people, he knew, but _he_ had never seen anything but affability in her. -She had always spoken to him as she would to any other gentleman; she -made not the smallest objection to his joining in the society of the -neighbourhood, nor to his leaving his parish occasionally for a week or -two to visit his relations. She had even condescended to advise him to -marry as soon as he could, provided he chose with discretion; and had -once paid him a visit in his humble parsonage, where she had perfectly -approved all the alterations he had been making, and had even vouchsafed -to suggest some herself,--some shelves in the closets upstairs. - -“That is all very proper and civil, I am sure,” said Mrs. Bennet, “and I -dare say she is a very agreeable woman. It is a pity that great ladies -in general are not more like her. Does she live near you, sir?” - -“The garden in which stands my humble abode is separated only by a lane -from Rosings Park, her Ladyship’s residence.” - -“I think you said she was a widow, sir? has she any family?” - -“She has one only daughter, the heiress of Rosings, and of very -extensive property.” - -“Ah,” cried Mrs. Bennet, shaking her head, “then she is better off than -many girls. And what sort of young lady is she? Is she handsome?” - -“She is a most charming young lady, indeed. Lady Catherine herself says -that, in point of true beauty, Miss de Bourgh is far superior to the -handsomest of her sex; because there is that in her features which marks -the young woman of distinguished birth. She is unfortunately of a sickly -constitution, which has prevented her making that progress in many -accomplishments which she could not otherwise have failed of, as I am -informed by the lady who superintended her education, and who still -resides with them. But she is perfectly amiable, and often condescends -to drive by my humble abode in her little phaeton and ponies.” - -“Has she been presented? I do not remember her name among the ladies at -court.” - -“Her indifferent state of health unhappily prevents her being in town; -and by that means, as I told Lady Catherine myself one day, has deprived -the British Court of its brightest ornament. Her Ladyship seemed pleased -with the idea; and you may imagine that I am happy on every occasion to -offer those little delicate compliments which are always acceptable to -ladies. I have more than once observed to Lady Catherine, that her -charming daughter seemed born to be a duchess; and that the most -elevated rank, instead of giving her consequence, would be adorned by -her. These are the kind of little things which please her Ladyship, and -it is a sort of attention which I conceive myself peculiarly bound to -pay.” - -“You judge very properly,” said Mr. Bennet; “and it is happy for you -that you possess the talent of flattering with delicacy. May I ask -whether these pleasing attentions proceed from the impulse of the -moment, or are the result of previous study?” - -“They arise chiefly from what is passing at the time; and though I -sometimes amuse myself with suggesting and arranging such little elegant -compliments as may be adapted to ordinary occasions, I always wish to -give them as unstudied an air as possible.” - -Mr. Bennet’s expectations were fully answered. His cousin was as absurd -as he had hoped; and he listened to him with the keenest enjoyment, -maintaining at the same time the most resolute composure of countenance, -and, except in an occasional glance at Elizabeth, requiring no partner -in his pleasure. - -By tea-time, however, the dose had been enough, and Mr. Bennet was glad -to take his guest into the drawing-room again, and when tea was over, -glad to invite him - -[Illustration: - -“Protested -that he never read novels” H.T Feb 94 -] - -to read aloud to the ladies. Mr. Collins readily assented, and a book -was produced; but on beholding it (for everything announced it to be -from a circulating library) he started back, and, begging pardon, -protested that he never read novels. Kitty stared at him, and Lydia -exclaimed. Other books were produced, and after some deliberation he -chose “Fordyce’s Sermons.” Lydia gaped as he opened the volume; and -before he had, with very monotonous solemnity, read three pages, she -interrupted him with,-- - -“Do you know, mamma, that my uncle Philips talks of turning away -Richard? and if he does, Colonel Forster will hire him. My aunt told me -so herself on Saturday. I shall walk to Meryton to-morrow to hear more -about it, and to ask when Mr. Denny comes back from town.” - -Lydia was bid by her two eldest sisters to hold her tongue; but Mr. -Collins, much offended, laid aside his book, and said,-- - -“I have often observed how little young ladies are interested by books -of a serious stamp, though written solely for their benefit. It amazes -me, I confess; for certainly there can be nothing so advantageous to -them as instruction. But I will no longer importune my young cousin.” - -Then, turning to Mr. Bennet, he offered himself as his antagonist at -backgammon. Mr. Bennet accepted the challenge, observing that he acted -very wisely in leaving the girls to their own trifling amusements. Mrs. -Bennet and her daughters apologized most civilly for Lydia’s -interruption, and promised that it should not occur again, if he would -resume his book; but Mr. Collins, after assuring them that he bore his -young cousin no ill-will, and should never resent her behaviour as any -affront, seated himself at another table with Mr. Bennet, and prepared -for backgammon. - - - - -[Illustration] - - - - -CHAPTER XV. - - -[Illustration] - -Mr. Collins was not a sensible man, and the deficiency of nature had -been but little assisted by education or society; the greatest part of -his life having been spent under the guidance of an illiterate and -miserly father; and though he belonged to one of the universities, he -had merely kept the necessary terms without forming at it any useful -acquaintance. The subjection in which his father had brought him up had -given him originally great humility of manner; but it was now a good -deal counteracted by the self-conceit of a weak head, living in -retirement, and the consequential feelings of early and unexpected -prosperity. A fortunate chance had recommended him to Lady Catherine de -Bourgh when the living of Hunsford was vacant; and the respect which he -felt for her high rank, and his veneration for her as his patroness, -mingling with a very good opinion of himself, of his authority as a -clergyman, and his right as a rector, made him altogether a mixture of -pride and obsequiousness, self-importance and humility. - -Having now a good house and a very sufficient income, he intended to -marry; and in seeking a reconciliation with the Longbourn family he had -a wife in view, as he meant to choose one of the daughters, if he found -them as handsome and amiable as they were represented by common report. -This was his plan of amends--of atonement--for inheriting their father’s -estate; and he thought it an excellent one, full of eligibility and -suitableness, and excessively generous and disinterested on his own -part. - -His plan did not vary on seeing them. Miss Bennet’s lovely face -confirmed his views, and established all his strictest notions of what -was due to seniority; and for the first evening _she_ was his settled -choice. The next morning, however, made an alteration; for in a quarter -of an hour’s _tête-à-tête_ with Mrs. Bennet before breakfast, a -conversation beginning with his parsonage-house, and leading naturally -to the avowal of his hopes, that a mistress for it might be found at -Longbourn, produced from her, amid very complaisant smiles and general -encouragement, a caution against the very Jane he had fixed on. “As to -her _younger_ daughters, she could not take upon her to say--she could -not positively answer--but she did not _know_ of any prepossession;--her -_eldest_ daughter she must just mention--she felt it incumbent on her to -hint, was likely to be very soon engaged.” - -Mr. Collins had only to change from Jane to Elizabeth--and it was soon -done--done while Mrs. Bennet was stirring the fire. Elizabeth, equally -next to Jane in birth and beauty, succeeded her of course. - -Mrs. Bennet treasured up the hint, and trusted that she might soon have -two daughters married; and the man whom she could not bear to speak of -the day before, was now high in her good graces. - -Lydia’s intention of walking to Meryton was not forgotten: every sister -except Mary agreed to go with her; and Mr. Collins was to attend them, -at the request of Mr. Bennet, who was most anxious to get rid of him, -and have his library to himself; for thither Mr. Collins had followed -him after breakfast, and there he would continue, nominally engaged with -one of the largest folios in the collection, but really talking to Mr. -Bennet, with little cessation, of his house and garden at Hunsford. Such -doings discomposed Mr. Bennet exceedingly. In his library he had been -always sure of leisure and tranquillity; and though prepared, as he told -Elizabeth, to meet with folly and conceit in every other room in the -house, he was used to be free from them there: his civility, therefore, -was most prompt in inviting Mr. Collins to join his daughters in their -walk; and Mr. Collins, being in fact much better fitted for a walker -than a reader, was extremely well pleased to close his large book, and -go. - -In pompous nothings on his side, and civil assents on that of his -cousins, their time passed till they entered Meryton. The attention of -the younger ones was then no longer to be gained by _him_. Their eyes -were immediately wandering up the street in quest of the officers, and -nothing less than a very smart bonnet, indeed, or a really new muslin in -a shop window, could recall them. - -But the attention of every lady was soon caught by a young man, whom -they had never seen before, of most gentlemanlike appearance, walking -with an officer on the other side of the way. The officer was the very -Mr. Denny concerning whose return from London Lydia came to inquire, and -he bowed as they passed. All were struck with the stranger’s air, all -wondered who he could be; and Kitty and Lydia, determined if possible -to find out, led the way across the street, under pretence of wanting -something in an opposite shop, and fortunately had just gained the -pavement, when the two gentlemen, turning back, had reached the same -spot. Mr. Denny addressed them directly, and entreated permission to -introduce his friend, Mr. Wickham, who had returned with him the day -before from town, and, he was happy to say, had accepted a commission in -their corps. This was exactly as it should be; for the young man wanted -only regimentals to make him completely charming. His appearance was -greatly in his favour: he had all the best parts of beauty, a fine -countenance, a good figure, and very pleasing address. The introduction -was followed up on his side by a happy readiness of conversation--a -readiness at the same time perfectly correct and unassuming; and the -whole party were still standing and talking together very agreeably, -when the sound of horses drew their notice, and Darcy and Bingley were -seen riding down the street. On distinguishing the ladies of the group -the two gentlemen came directly towards them, and began the usual -civilities. Bingley was the principal spokesman, and Miss Bennet the -principal object. He was then, he said, on his way to Longbourn on -purpose to inquire after her. Mr. Darcy corroborated it with a bow, and -was beginning to determine not to fix his eyes on Elizabeth, when they -were suddenly arrested by the sight of the stranger; and Elizabeth -happening to see the countenance of both as they looked at each other, -was all astonishment at the effect of the meeting. Both changed colour, -one looked white, the other red. Mr. Wickham, after a few moments, -touched his hat--a salutation which Mr. Darcy just deigned to return. -What could be the meaning of it? It was impossible to imagine; it was -impossible not to long to know. - -In another minute Mr. Bingley, but without seeming to have noticed what -passed, took leave and rode on with his friend. - -Mr. Denny and Mr. Wickham walked with the young ladies to the door of -Mr. Philips’s house, and then made their bows, in spite of Miss Lydia’s -pressing entreaties that they would come in, and even in spite of Mrs. -Philips’s throwing up the parlour window, and loudly seconding the -invitation. - -Mrs. Philips was always glad to see her nieces; and the two eldest, from -their recent absence, were particularly welcome; and she was eagerly -expressing her surprise at their sudden return home, which, as their own -carriage had not fetched them, she should have known nothing about, if -she had not happened to see Mr. Jones’s shopboy in the street, who had -told her that they were not to send any more draughts to Netherfield, -because the Miss Bennets were come away, when her civility was claimed -towards Mr. Collins by Jane’s introduction of him. She received him with -her very best politeness, which he returned with as much more, -apologizing for his intrusion, without any previous acquaintance with -her, which he could not help flattering himself, however, might be -justified by his relationship to the young ladies who introduced him to -her notice. Mrs. Philips was quite awed by such an excess of good -breeding; but her contemplation of one stranger was soon put an end to -by exclamations and inquiries about the other, of whom, however, she -could only tell her nieces what they already knew, that Mr. Denny had -brought him from London, and that he was to have a lieutenant’s -commission in the ----shire. She had been watching him the last hour, -she said, as he walked up and down the street,--and had Mr. Wickham -appeared, Kitty and Lydia would certainly have continued the occupation; -but unluckily no one passed the windows now except a few of the -officers, who, in comparison with the stranger, were become “stupid, -disagreeable fellows.” Some of them were to dine with the Philipses the -next day, and their aunt promised to make her husband call on Mr. -Wickham, and give him an invitation also, if the family from Longbourn -would come in the evening. This was agreed to; and Mrs. Philips -protested that they would have a nice comfortable noisy game of lottery -tickets, and a little bit of hot supper afterwards. The prospect of such -delights was very cheering, and they parted in mutual good spirits. Mr. -Collins repeated his apologies in quitting the room, and was assured, -with unwearying civility, that they were perfectly needless. - -As they walked home, Elizabeth related to Jane what she had seen pass -between the two gentlemen; but though Jane would have defended either or -both, had they appeared to be wrong, she could no more explain such -behaviour than her sister. - -Mr. Collins on his return highly gratified Mrs. Bennet by admiring Mrs. -Philips’s manners and politeness. He protested that, except Lady -Catherine and her daughter, he had never seen a more elegant woman; for -she had not only received him with the utmost civility, but had even -pointedly included him in her invitation for the next evening, although -utterly unknown to her before. Something, he supposed, might be -attributed to his connection with them, but yet he had never met with so -much attention in the whole course of his life. - - - - -[Illustration] - - - - -CHAPTER XVI. - - -[Illustration] - -As no objection was made to the young people’s engagement with their -aunt, and all Mr. Collins’s scruples of leaving Mr. and Mrs. Bennet for -a single evening during his visit were most steadily resisted, the coach -conveyed him and his five cousins at a suitable hour to Meryton; and the -girls had the pleasure of hearing, as they entered the drawing-room, -that Mr. Wickham had accepted their uncle’s invitation, and was then in -the house. - -When this information was given, and they had all taken their seats, Mr. -Collins was at leisure to look around him and admire, and he was so much -struck with the size and furniture of the apartment, that he declared he -might almost have supposed himself in the small summer breakfast parlour -at Rosings; a comparison that did not at first convey much -gratification; but when Mrs. Philips understood from him what Rosings -was, and who was its proprietor, when she had listened to the -description of only one of Lady Catherine’s drawing-rooms, and found -that the chimney-piece alone had cost eight hundred pounds, she felt all -the force of the compliment, and would hardly have resented a comparison -with the housekeeper’s room. - -In describing to her all the grandeur of Lady Catherine and her mansion, -with occasional digressions in praise of his own humble abode, and the -improvements it was receiving, he was happily employed until the -gentlemen joined them; and he found in Mrs. Philips a very attentive -listener, whose opinion of his consequence increased with what she -heard, and who was resolving to retail it all among her neighbours as -soon as she could. To the girls, who could not listen to their cousin, -and who had nothing to do but to wish for an instrument, and examine -their own indifferent imitations of china on the mantel-piece, the -interval of waiting appeared very long. It was over at last, however. -The gentlemen did approach: and when Mr. Wickham walked into the room, -Elizabeth felt that she had neither been seeing him before, nor thinking -of him since, with the smallest degree of unreasonable admiration. The -officers of the ----shire were in general a very creditable, -gentlemanlike set and the best of them were of the present party; but -Mr, Wickham was as far beyond them all in person, countenance, air, and -walk, as _they_ were superior to the broad-faced stuffy uncle Philips, -breathing port wine, who followed them into the room. - -[Illustration: - -“The officers of the ----shire” - -[_Copyright 1894 by George Allen._]] - -Mr. Wickham was the happy man towards whom almost every female eye was -turned, and Elizabeth was the happy woman by whom he finally seated -himself; and the agreeable manner in which he immediately fell into -conversation, though it was only on its being a wet night, and on the -probability of a rainy season, made her feel that the commonest, -dullest, most threadbare topic might be rendered interesting by the -skill of the speaker. - -With such rivals for the notice of the fair as Mr. Wickham and the -officers, Mr. Collins seemed to sink into insignificance; to the young -ladies he certainly was nothing; but he had still at intervals a kind -listener in Mrs. Philips, and was, by her watchfulness, most abundantly -supplied with coffee and muffin. - -When the card tables were placed, he had an opportunity of obliging her, -in return, by sitting down to whist. - -“I know little of the game at present,” said he, “but I shall be glad to -improve myself; for in my situation of life----” Mrs. Philips was very -thankful for his compliance, but could not wait for his reason. - -Mr. Wickham did not play at whist, and with ready delight was he -received at the other table between Elizabeth and Lydia. At first there -seemed danger of Lydia’s engrossing him entirely, for she was a most -determined talker; but being likewise extremely fond of lottery tickets, -she soon grew too much interested in the game, too eager in making bets -and exclaiming after prizes, to have attention for anyone in particular. -Allowing for the common demands of the game, Mr. Wickham was therefore -at leisure to talk to Elizabeth, and she was very willing to hear him, -though what she chiefly wished to hear she could not hope to be told, -the history of his acquaintance with Mr. Darcy. She dared not even -mention that gentleman. Her curiosity, however, was unexpectedly -relieved. Mr. Wickham began the subject himself. He inquired how far -Netherfield was from Meryton; and, after receiving her answer, asked in -a hesitating manner how long Mr. Darcy had been staying there. - -“About a month,” said Elizabeth; and then, unwilling to let the subject -drop, added, “he is a man of very large property in Derbyshire, I -understand.” - -“Yes,” replied Wickham; “his estate there is a noble one. A clear ten -thousand per annum. You could not have met with a person more capable of -giving you certain information on that head than myself--for I have been -connected with his family, in a particular manner, from my infancy.” - -Elizabeth could not but look surprised. - -“You may well be surprised, Miss Bennet, at such an assertion, after -seeing, as you probably might, the very cold manner of our meeting -yesterday. Are you much acquainted with Mr. Darcy?” - -“As much as I ever wish to be,” cried Elizabeth, warmly. “I have spent -four days in the same house with him, and I think him very -disagreeable.” - -“I have no right to give _my_ opinion,” said Wickham, “as to his being -agreeable or otherwise. I am not qualified to form one. I have known him -too long and too well to be a fair judge. It is impossible for _me_ to -be impartial. But I believe your opinion of him would in general -astonish--and, perhaps, you would not express it quite so strongly -anywhere else. Here you are in your own family.” - -“Upon my word I say no more _here_ than I might say in any house in the -neighbourhood, except Netherfield. He is not at all liked in -Hertfordshire. Everybody is disgusted with his pride. You will not find -him more favourably spoken of by anyone.” - -“I cannot pretend to be sorry,” said Wickham, after a short -interruption, “that he or that any man should not be estimated beyond -their deserts; but with _him_ I believe it does not often happen. The -world is blinded by his fortune and consequence, or frightened by his -high and imposing manners, and sees him only as he chooses to be seen.” - -“I should take him, even on _my_ slight acquaintance, to be an -ill-tempered man.” - -Wickham only shook his head. - -“I wonder,” said he, at the next opportunity of speaking, “whether he is -likely to be in this country much longer.” - -“I do not at all know; but I _heard_ nothing of his going away when I -was at Netherfield. I hope your plans in favour of the ----shire will -not be affected by his being in the neighbourhood.” - -“Oh no--it is not for _me_ to be driven away by Mr. Darcy. If _he_ -wishes to avoid seeing _me_ he must go. We are not on friendly terms, -and it always gives me pain to meet him, but I have no reason for -avoiding _him_ but what I might proclaim to all the world--a sense of -very great ill-usage, and most painful regrets at his being what he is. -His father, Miss Bennet, the late Mr. Darcy, was one of the best men -that ever breathed, and the truest friend I ever had; and I can never be -in company with this Mr. Darcy without being grieved to the soul by a -thousand tender recollections. His behaviour to myself has been -scandalous; but I verily believe I could forgive him anything and -everything, rather than his disappointing the hopes and disgracing the -memory of his father.” - -Elizabeth found the interest of the subject increase, and listened with -all her heart; but the delicacy of it prevented further inquiry. - -Mr. Wickham began to speak on more general topics, Meryton, the -neighbourhood, the society, appearing highly pleased with all that he -had yet seen, and speaking of the latter, especially, with gentle but -very intelligible gallantry. - -“It was the prospect of constant society, and good society,” he added, -“which was my chief inducement to enter the ----shire. I know it to be a -most respectable, agreeable corps; and my friend Denny tempted me -further by his account of their present quarters, and the very great -attentions and excellent acquaintance Meryton had procured them. -Society, I own, is necessary to me. I have been a disappointed man, and -my spirits will not bear solitude. I _must_ have employment and society. -A military life is not what I was intended for, but circumstances have -now made it eligible. The church _ought_ to have been my profession--I -was brought up for the church; and I should at this time have been in -possession of a most valuable living, had it pleased the gentleman we -were speaking of just now.” - -“Indeed!” - -“Yes--the late Mr. Darcy bequeathed me the next presentation of the best -living in his gift. He was my godfather, and excessively attached to me. -I cannot do justice to his kindness. He meant to provide for me amply, -and thought he had done it; but when the living fell, it was given -elsewhere.” - -“Good heavens!” cried Elizabeth; “but how could _that_ be? How could his -will be disregarded? Why did not you seek legal redress?” - -“There was just such an informality in the terms of the bequest as to -give me no hope from law. A man of honour could not have doubted the -intention, but Mr. Darcy chose to doubt it--or to treat it as a merely -conditional recommendation, and to assert that I had forfeited all claim -to it by extravagance, imprudence, in short, anything or nothing. -Certain it is that the living became vacant two years ago, exactly as I -was of an age to hold it, and that it was given to another man; and no -less certain is it, that I cannot accuse myself of having really done -anything to deserve to lose it. I have a warm unguarded temper, and I -may perhaps have sometimes spoken my opinion _of_ him, and _to_ him, too -freely. I can recall nothing worse. But the fact is, that we are very -different sort of men, and that he hates me.” - -“This is quite shocking! He deserves to be publicly disgraced.” - -“Some time or other he _will_ be--but it shall not be by _me_. Till I -can forget his father, I can never defy or expose _him_.” - -Elizabeth honoured him for such feelings, and thought him handsomer than -ever as he expressed them. - -“But what,” said she, after a pause, “can have been his motive? what can -have induced him to behave so cruelly?” - -“A thorough, determined dislike of me--a dislike which I cannot but -attribute in some measure to jealousy. Had the late Mr. Darcy liked me -less, his son might have borne with me better; but his father’s uncommon -attachment to me irritated him, I believe, very early in life. He had -not a temper to bear the sort of competition in which we stood--the sort -of preference which was often given me.” - -“I had not thought Mr. Darcy so bad as this--though I have never liked -him, I had not thought so very ill of him--I had supposed him to be -despising his fellow-creatures in general, but did not suspect him of -descending to such malicious revenge, such injustice, such inhumanity as -this!” - -After a few minutes’ reflection, however, she continued, “I _do_ -remember his boasting one day, at Netherfield, of the implacability of -his resentments, of his having an unforgiving temper. His disposition -must be dreadful.” - -“I will not trust myself on the subject,” replied Wickham; “_I_ can -hardly be just to him.” - -Elizabeth was again deep in thought, and after a time exclaimed, “To -treat in such a manner the godson, the friend, the favourite of his -father!” She could have added, “A young man, too, like _you_, whose very -countenance may vouch for your being amiable.” But she contented herself -with--“And one, too, who had probably been his own companion from -childhood, connected together, as I think you said, in the closest -manner.” - -“We were born in the same parish, within the same park; the greatest -part of our youth was passed together: inmates of the same house, -sharing the same amusements, objects of the same parental care. _My_ -father began life in the profession which your uncle, Mr. Philips, -appears to do so much credit to; but he gave up everything to be of use -to the late Mr. Darcy, and devoted all his time to the care of the -Pemberley property. He was most highly esteemed by Mr. Darcy, a most -intimate, confidential friend. Mr. Darcy often acknowledged himself to -be under the greatest obligations to my father’s active superintendence; -and when, immediately before my father’s death, Mr. Darcy gave him a -voluntary promise of providing for me, I am convinced that he felt it -to be as much a debt of gratitude to _him_ as of affection to myself.” - -“How strange!” cried Elizabeth. “How abominable! I wonder that the very -pride of this Mr. Darcy has not made him just to you. If from no better -motive, that he should not have been too proud to be dishonest,--for -dishonesty I must call it.” - -“It _is_ wonderful,” replied Wickham; “for almost all his actions may be -traced to pride; and pride has often been his best friend. It has -connected him nearer with virtue than any other feeling. But we are none -of us consistent; and in his behaviour to me there were stronger -impulses even than pride.” - -“Can such abominable pride as his have ever done him good?” - -“Yes; it has often led him to be liberal and generous; to give his money -freely, to display hospitality, to assist his tenants, and relieve the -poor. Family pride, and _filial_ pride, for he is very proud of what his -father was, have done this. Not to appear to disgrace his family, to -degenerate from the popular qualities, or lose the influence of the -Pemberley House, is a powerful motive. He has also _brotherly_ pride, -which, with _some_ brotherly affection, makes him a very kind and -careful guardian of his sister; and you will hear him generally cried up -as the most attentive and best of brothers.” - -“What sort of a girl is Miss Darcy?” - -He shook his head. “I wish I could call her amiable. It gives me pain to -speak ill of a Darcy; but she is too much like her brother,--very, very -proud. As a child, she was affectionate and pleasing, and extremely fond -of me; and I have devoted hours and hours to her amusement. But she is -nothing to me now. She is a handsome girl, about fifteen or sixteen, -and, I understand, highly accomplished. Since her father’s death her -home has been London, where a lady lives with her, and superintends her -education.” - -After many pauses and many trials of other subjects, Elizabeth could not -help reverting once more to the first, and saying,-- - -“I am astonished at his intimacy with Mr. Bingley. How can Mr. Bingley, -who seems good-humour itself, and is, I really believe, truly amiable, -be in friendship with such a man? How can they suit each other? Do you -know Mr. Bingley?” - -“Not at all.” - -“He is a sweet-tempered, amiable, charming man. He cannot know what Mr. -Darcy is.” - -“Probably not; but Mr. Darcy can please where he chooses. He does not -want abilities. He can be a conversible companion if he thinks it worth -his while. Among those who are at all his equals in consequence, he is a -very different man from what he is to the less prosperous. His pride -never deserts him; but with the rich he is liberal-minded, just, -sincere, rational, honourable, and, perhaps, agreeable,--allowing -something for fortune and figure.” - -The whist party soon afterwards breaking up, the players gathered round -the other table, and Mr. Collins took his station between his cousin -Elizabeth and Mrs. Philips. The usual inquiries as to his success were -made by the latter. It had not been very great; he had lost every point; -but when Mrs. Philips began to express her concern thereupon, he assured -her, with much earnest gravity, that it was not of the least importance; -that he considered the money as a mere trifle, and begged she would not -make herself uneasy. - -“I know very well, madam,” said he, “that when persons sit down to a -card table they must take their chance of these things,--and happily I -am not in such circumstances as to make five shillings any object. There -are, undoubtedly, many who could not say the same; but, thanks to Lady -Catherine de Bourgh, I am removed far beyond the necessity of regarding -little matters.” - -Mr. Wickham’s attention was caught; and after observing Mr. Collins for -a few moments, he asked Elizabeth in a low voice whether her relations -were very intimately acquainted with the family of De Bourgh. - -“Lady Catherine de Bourgh,” she replied, “has very lately given him a -living. I hardly know how Mr. Collins was first introduced to her -notice, but he certainly has not known her long.” - -“You know of course that Lady Catherine de Bourgh and Lady Anne Darcy -were sisters; consequently that she is aunt to the present Mr. Darcy.” - -“No, indeed, I did not. I knew nothing at all of Lady Catherine’s -connections. I never heard of her existence till the day before -yesterday.” - -“Her daughter, Miss de Bourgh, will have a very large fortune, and it is -believed that she and her cousin will unite the two estates.” - -This information made Elizabeth smile, as she thought of poor Miss -Bingley. Vain indeed must be all her attentions, vain and useless her -affection for his sister and her praise of himself, if he were already -self-destined to another. - -“Mr. Collins,” said she, “speaks highly both of Lady Catherine and her -daughter; but, from some particulars that he has related of her -Ladyship, I suspect his gratitude misleads him; and that, in spite of -her being his patroness, she is an arrogant, conceited woman.” - -“I believe her to be both in a great degree,” replied Wickham; “I have -not seen her for many years; but I very well remember that I never liked -her, and that her manners were dictatorial and insolent. She has the -reputation of being remarkably sensible and clever; but I rather believe -she derives part of her abilities from her rank and fortune, part from -her authoritative manner, and the rest from the pride of her nephew, who -chooses that everyone connected with him should have an understanding of -the first class.” - -Elizabeth allowed that he had given a very rational account of it, and -they continued talking together with mutual satisfaction till supper put -an end to cards, and gave the rest of the ladies their share of Mr. -Wickham’s attentions. There could be no conversation in the noise of -Mrs. Philips’s supper party, but his manners recommended him to -everybody. Whatever he said, was said well; and whatever he did, done -gracefully. Elizabeth went away with her head full of him. She could -think of nothing but of Mr. Wickham, and of what he had told her, all -the way home; but there was not time for her even to mention his name as -they went, for neither Lydia nor Mr. Collins were once silent. Lydia -talked incessantly of lottery tickets, of the fish she had lost and the -fish she had won; and Mr. Collins, in describing the civility of Mr. and -Mrs. Philips, protesting that he did not in the least regard his losses -at whist, enumerating all the dishes at supper, and repeatedly fearing -that he crowded his cousins, had more to say than he could well manage -before the carriage stopped at Longbourn House. - - - - -[Illustration: - - “delighted to see their dear friend again” -] - - - - -CHAPTER XVII. - - -[Illustration] - -Elizabeth related to Jane, the next day, what had passed between Mr. -Wickham and herself. Jane listened with astonishment and concern: she -knew not how to believe that Mr. Darcy could be so unworthy of Mr. -Bingley’s regard; and yet it was not in her nature to question the -veracity of a young man of such amiable appearance as Wickham. The -possibility of his having really endured such unkindness was enough to -interest all her tender feelings; and nothing therefore remained to be -done but to think well of them both, to defend the conduct of each, and -throw into the account of accident or mistake whatever could not be -otherwise explained. - -“They have both,” said she, “been deceived, I dare say, in some way or -other, of which we can form no idea. Interested people have perhaps -misrepresented each to the other. It is, in short, impossible for us to -conjecture the causes or circumstances which may have alienated them, -without actual blame on either side.” - -“Very true, indeed; and now, my dear Jane, what have you got to say in -behalf of the interested people who have probably been concerned in the -business? Do clear _them_, too, or we shall be obliged to think ill of -somebody.” - -“Laugh as much as you choose, but you will not laugh me out of my -opinion. My dearest Lizzy, do but consider in what a disgraceful light -it places Mr. Darcy, to be treating his father’s favourite in such a -manner,--one whom his father had promised to provide for. It is -impossible. No man of common humanity, no man who had any value for his -character, could be capable of it. Can his most intimate friends be so -excessively deceived in him? Oh no.” - -“I can much more easily believe Mr. Bingley’s being imposed on than that -Mr. Wickham should invent such a history of himself as he gave me last -night; names, facts, everything mentioned without ceremony. If it be not -so, let Mr. Darcy contradict it. Besides, there was truth in his looks.” - -“It is difficult, indeed--it is distressing. One does not know what to -think.” - -“I beg your pardon;--one knows exactly what to think.” - -But Jane could think with certainty on only one point,--that Mr. -Bingley, if he _had been_ imposed on, would have much to suffer when -the affair became public. - -The two young ladies were summoned from the shrubbery, where this -conversation passed, by the arrival of some of the very persons of whom -they had been speaking; Mr. Bingley and his sisters came to give their -personal invitation for the long expected ball at Netherfield, which was -fixed for the following Tuesday. The two ladies were delighted to see -their dear friend again, called it an age since they had met, and -repeatedly asked what she had been doing with herself since their -separation. To the rest of the family they paid little attention; -avoiding Mrs. Bennet as much as possible, saying not much to Elizabeth, -and nothing at all to the others. They were soon gone again, rising from -their seats with an activity which took their brother by surprise, and -hurrying off as if eager to escape from Mrs. Bennet’s civilities. - -The prospect of the Netherfield ball was extremely agreeable to every -female of the family. Mrs. Bennet chose to consider it as given in -compliment to her eldest daughter, and was particularly flattered by -receiving the invitation from Mr. Bingley himself, instead of a -ceremonious card. Jane pictured to herself a happy evening in the -society of her two friends, and the attentions of their brother; and -Elizabeth thought with pleasure of dancing a great deal with Mr. -Wickham, and of seeing a confirmation of everything in Mr. Darcy’s look -and behaviour. The happiness anticipated by Catherine and Lydia depended -less on any single event, or any particular person; for though they -each, like Elizabeth, meant to dance half the evening with Mr. Wickham, -he was by no means the only partner who could satisfy them, and a ball -was, at any rate, a ball. And even Mary could assure her family that she -had no disinclination for it. - -“While I can have my mornings to myself,” said she, “it is enough. I -think it is no sacrifice to join occasionally in evening engagements. -Society has claims on us all; and I profess myself one of those who -consider intervals of recreation and amusement as desirable for -everybody.” - -Elizabeth’s spirits were so high on the occasion, that though she did -not often speak unnecessarily to Mr. Collins, she could not help asking -him whether he intended to accept Mr. Bingley’s invitation, and if he -did, whether he would think it proper to join in the evening’s -amusement; and she was rather surprised to find that he entertained no -scruple whatever on that head, and was very far from dreading a rebuke, -either from the Archbishop or Lady Catherine de Bourgh, by venturing to -dance. - -“I am by no means of opinion, I assure you,” said he, “that a ball of -this kind, given by a young man of character, to respectable people, can -have any evil tendency; and I am so far from objecting to dancing -myself, that I shall hope to be honoured with the hands of all my fair -cousins in the course of the evening; and I take this opportunity of -soliciting yours, Miss Elizabeth, for the two first dances especially; a -preference which I trust my cousin Jane will attribute to the right -cause, and not to any disrespect for her.” - -Elizabeth felt herself completely taken in. She had fully proposed being -engaged by Wickham for those very dances; and to have Mr. Collins -instead!--her liveliness had been never worse timed. There was no help -for it, however. Mr. Wickham’s happiness and her own was perforce -delayed a little longer, and Mr. Collins’s proposal accepted with as -good a grace as she could. She was not the better pleased with his -gallantry, from the idea it suggested of something more. It now first -struck her, that _she_ was selected from among her sisters as worthy of -being the mistress of Hunsford Parsonage, and of assisting to form a -quadrille table at Rosings, in the absence of more eligible visitors. -The idea soon reached to conviction, as she observed his increasing -civilities towards herself, and heard his frequent attempt at a -compliment on her wit and vivacity; and though more astonished than -gratified herself by this effect of her charms, it was not long before -her mother gave her to understand that the probability of their marriage -was exceedingly agreeable to _her_. Elizabeth, however, did not choose -to take the hint, being well aware that a serious dispute must be the -consequence of any reply. Mr. Collins might never make the offer, and, -till he did, it was useless to quarrel about him. - -If there had not been a Netherfield ball to prepare for and talk of, the -younger Miss Bennets would have been in a pitiable state at this time; -for, from the day of the invitation to the day of the ball, there was -such a succession of rain as prevented their walking to Meryton once. No -aunt, no officers, no news could be sought after; the very shoe-roses -for Netherfield were got by proxy. Even Elizabeth might have found some -trial of her patience in weather which totally suspended the improvement -of her acquaintance with Mr. Wickham; and nothing less than a dance on -Tuesday could have made such a Friday, Saturday, Sunday, and Monday -endurable to Kitty and Lydia. - - - - -[Illustration] - - - - -CHAPTER XVIII. - - -[Illustration] - -Till Elizabeth entered the drawing-room at Netherfield, and looked in -vain for Mr. Wickham among the cluster of red coats there assembled, a -doubt of his being present had never occurred to her. The certainty of -meeting him had not been checked by any of those recollections that -might not unreasonably have alarmed her. She had dressed with more than -usual care, and prepared in the highest spirits for the conquest of all -that remained unsubdued of his heart, trusting that it was not more than -might be won in the course of the evening. But in an instant arose the -dreadful suspicion of his being purposely omitted, for Mr. Darcy’s -pleasure, in the Bingleys’ invitation to the officers; and though this -was not exactly the case, the absolute fact of his absence was -pronounced by his friend Mr. Denny, to whom Lydia eagerly applied, and -who told them that Wickham had been obliged to go to town on business -the day before, and was not yet returned; adding, with a significant -smile,-- - -“I do not imagine his business would have called him away just now, if -he had not wished to avoid a certain gentleman here.” - -This part of his intelligence, though unheard by Lydia, was caught by -Elizabeth; and, as it assured her that Darcy was not less answerable for -Wickham’s absence than if her first surmise had been just, every feeling -of displeasure against the former was so sharpened by immediate -disappointment, that she could hardly reply with tolerable civility to -the polite inquiries which he directly afterwards approached to make. -Attention, forbearance, patience with Darcy, was injury to Wickham. She -was resolved against any sort of conversation with him, and turned away -with a degree of ill-humour which she could not wholly surmount even in -speaking to Mr. Bingley, whose blind partiality provoked her. - -But Elizabeth was not formed for ill-humour; and though every prospect -of her own was destroyed for the evening, it could not dwell long on her -spirits; and, having told all her griefs to Charlotte Lucas, whom she -had not seen for a week, she was soon able to make a voluntary -transition to the oddities of her cousin, and to point him out to her -particular notice. The two first dances, however, brought a return of -distress: they were dances of mortification. Mr. Collins, awkward and -solemn, apologizing instead of attending, and often moving wrong -without being aware of it, gave her all the shame and misery which a -disagreeable partner for a couple of dances can give. The moment of her -release from him was ecstasy. - -She danced next with an officer, and had the refreshment of talking of -Wickham, and of hearing that he was universally liked. When those dances -were over, she returned to Charlotte Lucas, and was in conversation with -her, when she found herself suddenly addressed by Mr. Darcy, who took -her so much by surprise in his application for her hand, that, without -knowing what she did, she accepted him. He walked away again -immediately, and she was left to fret over her own want of presence of -mind: Charlotte tried to console her. - -“I dare say you will find him very agreeable.” - -“Heaven forbid! _That_ would be the greatest misfortune of all! To find -a man agreeable whom one is determined to hate! Do not wish me such an -evil.” - -When the dancing recommenced, however, and Darcy approached to claim her -hand, Charlotte could not help cautioning her, in a whisper, not to be a -simpleton, and allow her fancy for Wickham to make her appear unpleasant -in the eyes of a man often times his consequence. Elizabeth made no -answer, and took her place in the set, amazed at the dignity to which -she was arrived in being allowed to stand opposite to Mr. Darcy, and -reading in her neighbours’ looks their equal amazement in beholding it. -They stood for some time without speaking a word; and she began to -imagine that their silence was to last through the two dances, and, at -first, was resolved not to break it; till suddenly fancying that it -would be the greater punishment to her partner to oblige him to talk, -she made some slight observation on the dance. He replied, and was again -silent. After a pause of some minutes, she addressed him a second time, -with-- - -“It is _your_ turn to say something now, Mr. Darcy. _I_ talked about the -dance, and _you_ ought to make some kind of remark on the size of the -room, or the number of couples.” - -He smiled, and assured her that whatever she wished him to say should be -said. - -“Very well; that reply will do for the present. Perhaps, by-and-by, I -may observe that private balls are much pleasanter than public ones; but -_now_ we may be silent.” - -“Do you talk by rule, then, while you are dancing?” - -“Sometimes. One must speak a little, you know. It would look odd to be -entirely silent for half an hour together; and yet, for the advantage of -_some_, conversation ought to be so arranged as that they may have the -trouble of saying as little as possible.” - -“Are you consulting your own feelings in the present case, or do you -imagine that you are gratifying mine?” - -“Both,” replied Elizabeth archly; “for I have always seen a great -similarity in the turn of our minds. We are each of an unsocial, -taciturn disposition, unwilling to speak, unless we expect to say -something that will amaze the whole room, and be handed down to -posterity with all the _éclat_ of a proverb.” - -“This is no very striking resemblance of your own character, I am sure,” -said he. “How near it may be to _mine_, I cannot pretend to say. _You_ -think it a faithful portrait, undoubtedly.” - -“I must not decide on my own performance.” - -He made no answer; and they were again silent till they had gone down -the dance, when he asked her if she and her sisters did not very often -walk to Meryton. She answered in the affirmative; and, unable to resist -the temptation, added, “When you met us there the other day, we had just -been forming a new acquaintance.” - -The effect was immediate. A deeper shade of _hauteur_ overspread his -features, but he said not a word; and Elizabeth, though blaming herself -for her own weakness, could not go on. At length Darcy spoke, and in a -constrained manner said,-- - -“Mr. Wickham is blessed with such happy manners as may insure his -_making_ friends; whether he may be equally capable of _retaining_ them, -is less certain.” - -“He has been so unlucky as to lose your friendship,” replied Elizabeth, -with emphasis, “and in a manner which he is likely to suffer from all -his life.” - -Darcy made no answer, and seemed desirous of changing the subject. At -that moment Sir William Lucas appeared close to them, meaning to pass -through the set to the other side of the room; but, on perceiving Mr. -Darcy, he stopped, with a bow of superior courtesy, to compliment him on -his dancing and his partner. - -“I have been most highly gratified, indeed, my dear sir; such very -superior dancing is not often seen. It is evident that you belong to the -first circles. Allow me to say, however, that your fair partner does not -disgrace you: and that I must hope to have this pleasure often repeated, -especially when a certain desirable event, my dear Miss Eliza (glancing -at her sister and Bingley), shall take place. What congratulations will -then flow in! I appeal to Mr. Darcy;--but let me not interrupt you, sir. -You will not thank me for detaining you from the bewitching converse of -that young lady, whose bright eyes are also upbraiding me.” - -[Illustration: - -“Such very superior dancing is not -often seen.” - -[_Copyright 1894 by George Allen._]] - -The latter part of this address was scarcely heard by Darcy; but Sir -William’s allusion to his friend seemed to strike him forcibly, and his -eyes were directed, with a very serious expression, towards Bingley and -Jane, who were dancing together. Recovering himself, however, shortly, -he turned to his partner, and said,-- - -“Sir William’s interruption has made me forget what we were talking -of.” - -“I do not think we were speaking at all. Sir William could not have -interrupted any two people in the room who had less to say for -themselves. We have tried two or three subjects already without success, -and what we are to talk of next I cannot imagine.” - -“What think you of books?” said he, smiling. - -“Books--oh no!--I am sure we never read the same, or not with the same -feelings.” - -“I am sorry you think so; but if that be the case, there can at least be -no want of subject. We may compare our different opinions.” - -“No--I cannot talk of books in a ball-room; my head is always full of -something else.” - -“The _present_ always occupies you in such scenes--does it?” said he, -with a look of doubt. - -“Yes, always,” she replied, without knowing what she said; for her -thoughts had wandered far from the subject, as soon afterwards appeared -by her suddenly exclaiming, “I remember hearing you once say, Mr. Darcy, -that you hardly ever forgave;--that your resentment, once created, was -unappeasable. You are very cautious, I suppose, as to its _being -created_?” - -“I am,” said he, with a firm voice. - -“And never allow yourself to be blinded by prejudice?” - -“I hope not.” - -“It is particularly incumbent on those who never change their opinion, -to be secure of judging properly at first.” - -“May I ask to what these questions tend?” - -“Merely to the illustration of _your_ character,” said she, endeavouring -to shake off her gravity. “I am trying to make it out.” - -“And what is your success?” - -She shook her head. “I do not get on at all. I hear such different -accounts of you as puzzle me exceedingly.” - -“I can readily believe,” answered he, gravely, “that reports may vary -greatly with respect to me; and I could wish, Miss Bennet, that you were -not to sketch my character at the present moment, as there is reason to -fear that the performance would reflect no credit on either.” - -“But if I do not take your likeness now, I may never have another -opportunity.” - -“I would by no means suspend any pleasure of yours,” he coldly replied. -She said no more, and they went down the other dance and parted in -silence; on each side dissatisfied, though not to an equal degree; for -in Darcy’s breast there was a tolerably powerful feeling towards her, -which soon procured her pardon, and directed all his anger against -another. - -They had not long separated when Miss Bingley came towards her, and, -with an expression of civil disdain, thus accosted her,-- - -“So, Miss Eliza, I hear you are quite delighted with George Wickham? -Your sister has been talking to me about him, and asking me a thousand -questions; and I find that the young man forgot to tell you, among his -other communications, that he was the son of old Wickham, the late Mr. -Darcy’s steward. Let me recommend you, however, as a friend, not to give -implicit confidence to all his assertions; for, as to Mr. Darcy’s using -him ill, it is perfectly false: for, on the contrary, he has been always -remarkably kind to him, though George Wickham has treated Mr. Darcy in a -most infamous manner. I do not know the particulars, but I know very -well that Mr. Darcy is not in the least to blame; that he cannot bear -to hear George Wickham mentioned; and that though my brother thought he -could not well avoid including him in his invitation to the officers, he -was excessively glad to find that he had taken himself out of the way. -His coming into the country at all is a most insolent thing, indeed, and -I wonder how he could presume to do it. I pity you, Miss Eliza, for this -discovery of your favourite’s guilt; but really, considering his -descent, one could not expect much better.” - -“His guilt and his descent appear, by your account, to be the same,” -said Elizabeth, angrily; “for I have heard you accuse him of nothing -worse than of being the son of Mr. Darcy’s steward, and of _that_, I can -assure you, he informed me himself.” - -“I beg your pardon,” replied Miss Bingley, turning away with a sneer. -“Excuse my interference; it was kindly meant.” - -“Insolent girl!” said Elizabeth to herself. “You are much mistaken if -you expect to influence me by such a paltry attack as this. I see -nothing in it but your own wilful ignorance and the malice of Mr. -Darcy.” She then sought her eldest sister, who had undertaken to make -inquiries on the same subject of Bingley. Jane met her with a smile of -such sweet complacency, a glow of such happy expression, as sufficiently -marked how well she was satisfied with the occurrences of the evening. -Elizabeth instantly read her feelings; and, at that moment, solicitude -for Wickham, resentment against his enemies, and everything else, gave -way before the hope of Jane’s being in the fairest way for happiness. - -“I want to know,” said she, with a countenance no less smiling than her -sister’s, “what you have learnt about Mr. Wickham. But perhaps you have -been too pleasantly engaged to think of any third person, in which case -you may be sure of my pardon.” - -“No,” replied Jane, “I have not forgotten him; but I have nothing -satisfactory to tell you. Mr. Bingley does not know the whole of his -history, and is quite ignorant of the circumstances which have -principally offended Mr. Darcy; but he will vouch for the good conduct, -the probity and honour, of his friend, and is perfectly convinced that -Mr. Wickham has deserved much less attention from Mr. Darcy than he has -received; and I am sorry to say that by his account, as well as his -sister’s, Mr. Wickham is by no means a respectable young man. I am -afraid he has been very imprudent, and has deserved to lose Mr. Darcy’s -regard.” - -“Mr. Bingley does not know Mr. Wickham himself.” - -“No; he never saw him till the other morning at Meryton.” - -“This account then is what he has received from Mr. Darcy. I am -perfectly satisfied. But what does he say of the living?” - -“He does not exactly recollect the circumstances, though he has heard -them from Mr. Darcy more than once, but he believes that it was left to -him _conditionally_ only.” - -“I have not a doubt of Mr. Bingley’s sincerity,” said Elizabeth warmly, -“but you must excuse my not being convinced by assurances only. Mr. -Bingley’s defence of his friend was a very able one, I dare say; but -since he is unacquainted with several parts of the story, and has learnt -the rest from that friend himself, I shall venture still to think of -both gentlemen as I did before.” - -She then changed the discourse to one more gratifying to each, and on -which there could be no difference of sentiment. Elizabeth listened with -delight to the happy though modest hopes which Jane entertained of -Bingley’s regard, and said all in her power to heighten her confidence -in it. On their being joined by Mr. Bingley himself, Elizabeth withdrew -to Miss Lucas; to whose inquiry after the pleasantness of her last -partner she had scarcely replied, before Mr. Collins came up to them, -and told her with great exultation, that he had just been so fortunate -as to make a most important discovery. - -“I have found out,” said he, “by a singular accident, that there is now -in the room a near relation to my patroness. I happened to overhear the -gentleman himself mentioning to the young lady who does the honours of -this house the names of his cousin Miss De Bourgh, and of her mother, -Lady Catherine. How wonderfully these sort of things occur! Who would -have thought of my meeting with--perhaps--a nephew of Lady Catherine de -Bourgh in this assembly! I am most thankful that the discovery is made -in time for me to pay my respects to him, which I am now going to do, -and trust he will excuse my not having done it before. My total -ignorance of the connection must plead my apology.” - -“You are not going to introduce yourself to Mr. Darcy?” - -“Indeed I am. I shall entreat his pardon for not having done it earlier. -I believe him to be Lady Catherine’s _nephew_. It will be in my power to -assure him that her Ladyship was quite well yesterday se’nnight.” - -Elizabeth tried hard to dissuade him from such a scheme; assuring him -that Mr. Darcy would consider his addressing him without introduction as -an impertinent freedom, rather than a compliment to his aunt; that it -was not in the least necessary there should be any notice on either -side, and that if it were, it must belong to Mr. Darcy, the superior in -consequence, to begin the acquaintance. Mr. Collins listened to her with -the determined air of following his own inclination, and when she ceased -speaking, replied thus,-- - -“My dear Miss Elizabeth, I have the highest opinion in the world of your -excellent judgment in all matters within the scope of your -understanding, but permit me to say that there must be a wide difference -between the established forms of ceremony amongst the laity and those -which regulate the clergy; for, give me leave to observe that I consider -the clerical office as equal in point of dignity with the highest rank -in the kingdom--provided that a proper humility of behaviour is at the -same time maintained. You must, therefore, allow me to follow the -dictates of my conscience on this occasion, which lead me to perform -what I look on as a point of duty. Pardon me for neglecting to profit by -your advice, which on every other subject shall be my constant guide, -though in the case before us I consider myself more fitted by education -and habitual study to decide on what is right than a young lady like -yourself;” and with a low bow he left her to attack Mr. Darcy, whose -reception of his advances she eagerly watched, and whose astonishment at -being so addressed was very evident. Her cousin prefaced his speech with -a solemn bow, and though she could not hear a word of it, she felt as if -hearing it all, and saw in the motion of his lips the words “apology,” -“Hunsford,” and “Lady Catherine de Bourgh.” It vexed her to see him -expose himself to such a man. Mr. Darcy was eyeing him with -unrestrained wonder; and when at last Mr. Collins allowed him to speak, -replied with an air of distant civility. Mr. Collins, however, was not -discouraged from speaking again, and Mr. Darcy’s contempt seemed -abundantly increasing with the length of his second speech; and at the -end of it he only made him a slight bow, and moved another way: Mr. -Collins then returned to Elizabeth. - -“I have no reason, I assure you,” said he, “to be dissatisfied with my -reception. Mr. Darcy seemed much pleased with the attention. He answered -me with the utmost civility, and even paid me the compliment of saying, -that he was so well convinced of Lady Catherine’s discernment as to be -certain she could never bestow a favour unworthily. It was really a very -handsome thought. Upon the whole, I am much pleased with him.” - -As Elizabeth had no longer any interest of her own to pursue, she turned -her attention almost entirely on her sister and Mr. Bingley; and the -train of agreeable reflections which her observations gave birth to made -her perhaps almost as happy as Jane. She saw her in idea settled in that -very house, in all the felicity which a marriage of true affection could -bestow; and she felt capable, under such circumstances, of endeavouring -even to like Bingley’s two sisters. Her mother’s thoughts she plainly -saw were bent the same way, and she determined not to venture near her, -lest she might hear too much. When they sat down to supper, therefore, -she considered it a most unlucky perverseness which placed them within -one of each other; and deeply was she vexed to find that her mother was -talking to that one person (Lady Lucas) freely, openly, and of nothing -else but of her expectation that Jane would be soon married to Mr. -Bingley. It was an animating subject, and Mrs. Bennet seemed incapable -of fatigue while enumerating the advantages of the match. His being such -a charming young man, and so rich, and living but three miles from them, -were the first points of self-gratulation; and then it was such a -comfort to think how fond the two sisters were of Jane, and to be -certain that they must desire the connection as much as she could do. It -was, moreover, such a promising thing for her younger daughters, as -Jane’s marrying so greatly must throw them in the way of other rich men; -and, lastly, it was so pleasant at her time of life to be able to -consign her single daughters to the care of their sister, that she might -not be obliged to go into company more than she liked. It was necessary -to make this circumstance a matter of pleasure, because on such -occasions it is the etiquette; but no one was less likely than Mrs. -Bennet to find comfort in staying at home at any period of her life. She -concluded with many good wishes that Lady Lucas might soon be equally -fortunate, though evidently and triumphantly believing there was no -chance of it. - -In vain did Elizabeth endeavour to check the rapidity of her mother’s -words, or persuade her to describe her felicity in a less audible -whisper; for to her inexpressible vexation she could perceive that the -chief of it was overheard by Mr. Darcy, who sat opposite to them. Her -mother only scolded her for being nonsensical. - -“What is Mr. Darcy to me, pray, that I should be afraid of him? I am -sure we owe him no such particular civility as to be obliged to say -nothing _he_ may not like to hear.” - -“For heaven’s sake, madam, speak lower. What advantage can it be to you -to offend Mr. Darcy? You will never recommend yourself to his friend by -so doing.” - -Nothing that she could say, however, had any influence. Her mother would -talk of her views in the same intelligible tone. Elizabeth blushed and -blushed again with shame and vexation. She could not help frequently -glancing her eye at Mr. Darcy, though every glance convinced her of what -she dreaded; for though he was not always looking at her mother, she was -convinced that his attention was invariably fixed by her. The expression -of his face changed gradually from indignant contempt to a composed and -steady gravity. - -At length, however, Mrs. Bennet had no more to say; and Lady Lucas, who -had been long yawning at the repetition of delights which she saw no -likelihood of sharing, was left to the comforts of cold ham and chicken. -Elizabeth now began to revive. But not long was the interval of -tranquillity; for when supper was over, singing was talked of, and she -had the mortification of seeing Mary, after very little entreaty, -preparing to oblige the company. By many significant looks and silent -entreaties did she endeavour to prevent such a proof of -complaisance,--but in vain; Mary would not understand them; such an -opportunity of exhibiting was delightful to her, and she began her song. -Elizabeth’s eyes were fixed on her, with most painful sensations; and -she watched her progress through the several stanzas with an impatience -which was very ill rewarded at their close; for Mary, on receiving -amongst the thanks of the table the hint of a hope that she might be -prevailed on to favour them again, after the pause of half a minute -began another. Mary’s powers were by no means fitted for such a display; -her voice was weak, and her manner affected. Elizabeth was in agonies. -She looked at Jane to see how she bore it; but Jane was very composedly -talking to Bingley. She looked at his two sisters, and saw them making -signs of derision at each other, and at Darcy, who continued, however, -impenetrably grave. She looked at her father to entreat his -interference, lest Mary should be singing all night. He took the hint, -and, when Mary had finished her second song, said aloud,-- - -“That will do extremely well, child. You have delighted us long enough. -Let the other young ladies have time to exhibit.” - -Mary, though pretending not to hear, was somewhat disconcerted; and -Elizabeth, sorry for her, and sorry for her father’s speech, was afraid -her anxiety had done no good. Others of the party were now applied to. - -“If I,” said Mr. Collins, “were so fortunate as to be able to sing, I -should have great pleasure, I am sure, in obliging the company with an -air; for I consider music as a very innocent diversion, and perfectly -compatible with the profession of a clergyman. I do not mean, however, -to assert that we can be justified in devoting too much of our time to -music, for there are certainly other things to be attended to. The -rector of a parish has much to do. In the first place, he must make such -an agreement for tithes as may be beneficial to himself and not -offensive to his patron. He must write his own sermons; and the time -that remains will not be too much for his parish duties, and the care -and improvement of his dwelling, which he cannot be excused from making -as comfortable as possible. And I do not think it of light importance -that he should have attentive and conciliatory manners towards -everybody, especially towards those to whom he owes his preferment. I -cannot acquit him of that duty; nor could I think well of the man who -should omit an occasion of testifying his respect towards anybody -connected with the family.” And with a bow to Mr. Darcy, he concluded -his speech, which had been spoken so loud as to be heard by half the -room. Many stared--many smiled; but no one looked more amused than Mr. -Bennet himself, while his wife seriously commended Mr. Collins for -having spoken so sensibly, and observed, in a half-whisper to Lady -Lucas, that he was a remarkably clever, good kind of young man. - -To Elizabeth it appeared, that had her family made an agreement to -expose themselves as much as they could during the evening, it would -have been impossible for them to play their parts with more spirit, or -finer success; and happy did she think it for Bingley and her sister -that some of the exhibition had escaped his notice, and that his -feelings were not of a sort to be much distressed by the folly which he -must have witnessed. That his two sisters and Mr. Darcy, however, should -have such an opportunity of ridiculing her relations was bad enough; and -she could not determine whether the silent contempt of the gentleman, or -the insolent smiles of the ladies, were more intolerable. - -The rest of the evening brought her little amusement. She was teased by -Mr. Collins, who continued most perseveringly by her side; and though he -could not prevail with her to dance with him again, put it out of her -power to dance with others. In vain did she entreat him to stand up with -somebody else, and offered to introduce him to any young lady in the -room. He assured her that, as to dancing, he was perfectly indifferent -to it; that his chief object was, by delicate attentions, to recommend -himself to her; and that he should therefore make a point of remaining -close to her the whole evening. There was no arguing upon such a -project. She owed her greatest relief to her friend Miss Lucas, who -often joined them, and good-naturedly engaged Mr. Collins’s conversation -to herself. - -She was at least free from the offence of Mr. Darcy’s further notice: -though often standing within a very short distance of her, quite -disengaged, he never came near enough to speak. She felt it to be the -probable consequence of her allusions to Mr. Wickham, and rejoiced in -it. - -The Longbourn party were the last of all the company to depart; and by a -manœuvre of Mrs. Bennet had to wait for their carriage a quarter of an -hour after everybody else was gone, which gave them time to see how -heartily they were wished away by some of the family. Mrs. Hurst and her -sister scarcely opened their mouths except to complain of fatigue, and -were evidently impatient to have the house to themselves. They repulsed -every attempt of Mrs. Bennet at conversation, and, by so doing, threw a -languor over the whole party, which was very little relieved by the long -speeches of Mr. Collins, who was complimenting Mr. Bingley and his -sisters on the elegance of their entertainment, and the hospitality and -politeness which had marked their behaviour to their guests. Darcy said -nothing at all. Mr. Bennet, in equal silence, was enjoying the scene. -Mr. Bingley and Jane were standing together a little detached from the -rest, and talked only to each other. Elizabeth preserved as steady a -silence as either Mrs. Hurst or Miss Bingley; and even Lydia was too -much fatigued to utter more than the occasional exclamation of “Lord, -how tired I am!” accompanied by a violent yawn. - -When at length they arose to take leave, Mrs. Bennet was most pressingly -civil in her hope of seeing the whole family soon at Longbourn; and -addressed herself particularly to Mr. Bingley, to assure him how happy -he would make them, by eating a family dinner with them at any time, -without the ceremony of a formal invitation. Bingley was all grateful -pleasure; and he readily engaged for taking the earliest opportunity of -waiting on her after his return from London, whither he was obliged to -go the next day for a short time. - -Mrs. Bennet was perfectly satisfied; and quitted the house under the -delightful persuasion that, allowing for the necessary preparations of -settlements, new carriages, and wedding clothes, she should undoubtedly -see her daughter settled at Netherfield in the course of three or four -months. Of having another daughter married to Mr. Collins she thought -with equal certainty, and with considerable, though not equal, pleasure. -Elizabeth was the least dear to her of all her children; and though the -man and the match were quite good enough for _her_, the worth of each -was eclipsed by Mr. Bingley and Netherfield. - - - - -[Illustration: - - “to assure you in the most animated language” -] - - - - -CHAPTER XIX. - - -[Illustration] - -The next day opened a new scene at Longbourn. Mr. Collins made his -declaration in form. Having resolved to do it without loss of time, as -his leave of absence extended only to the following Saturday, and having -no feelings of diffidence to make it distressing to himself even at the -moment, he set about it in a very orderly manner, with all the -observances which he supposed a regular part of the business. On finding -Mrs. Bennet, Elizabeth, and one of the younger girls together, soon -after breakfast, he addressed the mother in these words,-- - -“May I hope, madam, for your interest with your fair daughter Elizabeth, -when I solicit for the honour of a private audience with her in the -course of this morning?” - -Before Elizabeth had time for anything but a blush of surprise, Mrs. -Bennet instantly answered,-- - -“Oh dear! Yes, certainly. I am sure Lizzy will be very happy--I am sure -she can have no objection. Come, Kitty, I want you upstairs.” And -gathering her work together, she was hastening away, when Elizabeth -called out,-- - -“Dear ma’am, do not go. I beg you will not go. Mr. Collins must excuse -me. He can have nothing to say to me that anybody need not hear. I am -going away myself.” - -“No, no, nonsense, Lizzy. I desire you will stay where you are.” And -upon Elizabeth’s seeming really, with vexed and embarrassed looks, about -to escape, she added, “Lizzy, I _insist_ upon your staying and hearing -Mr. Collins.” - -Elizabeth would not oppose such an injunction; and a moment’s -consideration making her also sensible that it would be wisest to get it -over as soon and as quietly as possible, she sat down again, and tried -to conceal, by incessant employment, the feelings which were divided -between distress and diversion. Mrs. Bennet and Kitty walked off, and as -soon as they were gone, Mr. Collins began,-- - -“Believe me, my dear Miss Elizabeth, that your modesty, so far from -doing you any disservice, rather adds to your other perfections. You -would have been less amiable in my eyes had there _not_ been this little -unwillingness; but allow me to assure you that I have your respected -mother’s permission for this address. You can hardly doubt the purport -of my discourse, however your natural delicacy may lead you to -dissemble; my attentions have been too marked to be mistaken. Almost as -soon as I entered the house I singled you out as the companion of my -future life. But before I am run away with by my feelings on this -subject, perhaps it will be advisable for me to state my reasons for -marrying--and, moreover, for coming into Hertfordshire with the design -of selecting a wife, as I certainly did.” - -The idea of Mr. Collins, with all his solemn composure, being run away -with by his feelings, made Elizabeth so near laughing that she could not -use the short pause he allowed in any attempt to stop him farther, and -he continued,-- - -“My reasons for marrying are, first, that I think it a right thing for -every clergyman in easy circumstances (like myself) to set the example -of matrimony in his parish; secondly, that I am convinced it will add -very greatly to my happiness; and, thirdly, which perhaps I ought to -have mentioned earlier, that it is the particular advice and -recommendation of the very noble lady whom I have the honour of calling -patroness. Twice has she condescended to give me her opinion (unasked -too!) on this subject; and it was but the very Saturday night before I -left Hunsford,--between our pools at quadrille, while Mrs. Jenkinson was -arranging Miss De Bourgh’s footstool,--that she said, ‘Mr. Collins, you -must marry. A clergyman like you must marry. Choose properly, choose a -gentlewoman for _my_ sake, and for your _own_; let her be an active, -useful sort of person, not brought up high, but able to make a small -income go a good way. This is my advice. Find such a woman as soon as -you can, bring her to Hunsford, and I will visit her.’ Allow me, by the -way, to observe, my fair cousin, that I do not reckon the notice and -kindness of Lady Catherine de Bourgh as among the least of the -advantages in my power to offer. You will find her manners beyond -anything I can describe; and your wit and vivacity, I think, must be -acceptable to her, especially when tempered with the silence and respect -which her rank will inevitably excite. Thus much for my general -intention in favour of matrimony; it remains to be told why my views -were directed to Longbourn instead of my own neighbourhood, where I -assure you there are many amiable young women. But the fact is, that -being, as I am, to inherit this estate after the death of your honoured -father (who, however, may live many years longer), I could not satisfy -myself without resolving to choose a wife from among his daughters, that -the loss to them might be as little as possible when the melancholy -event takes place--which, however, as I have already said, may not be -for several years. This has been my motive, my fair cousin, and I -flatter myself it will not sink me in your esteem. And now nothing -remains for me but to assure you in the most animated language of the -violence of my affection. To fortune I am perfectly indifferent, and -shall make no demand of that nature on your father, since I am well -aware that it could not be complied with; and that one thousand pounds -in the 4 per cents., which will not be yours till after your mother’s -decease, is all that you may ever be entitled to. On that head, -therefore, I shall be uniformly silent: and you may assure yourself that -no ungenerous reproach shall ever pass my lips when we are married.” - -It was absolutely necessary to interrupt him now. - -“You are too hasty, sir,” she cried. “You forget that I have made no -answer. Let me do it without further loss of time. Accept my thanks for -the compliment you are paying me. I am very sensible of the honour of -your proposals, but it is impossible for me to do otherwise than decline -them.” - -“I am not now to learn,” replied Mr. Collins, with a formal wave of the -hand, “that it is usual with young ladies to reject the addresses of the -man whom they secretly mean to accept, when he first applies for their -favour; and that sometimes the refusal is repeated a second or even a -third time. I am, therefore, by no means discouraged by what you have -just said, and shall hope to lead you to the altar ere long.” - -“Upon my word, sir,” cried Elizabeth, “your hope is rather an -extraordinary one after my declaration. I do assure you that I am not -one of those young ladies (if such young ladies there are) who are so -daring as to risk their happiness on the chance of being asked a second -time. I am perfectly serious in my refusal. You could not make _me_ -happy, and I am convinced that I am the last woman in the world who -would make _you_ so. Nay, were your friend Lady Catherine to know me, I -am persuaded she would find me in every respect ill qualified for the -situation.” - -“Were it certain that Lady Catherine would think so,” said Mr. Collins, -very gravely--“but I cannot imagine that her Ladyship would at all -disapprove of you. And you may be certain that when I have the honour of -seeing her again I shall speak in the highest terms of your modesty, -economy, and other amiable qualifications.” - -“Indeed, Mr. Collins, all praise of me will be unnecessary. You must -give me leave to judge for myself, and pay me the compliment of -believing what I say. I wish you very happy and very rich, and by -refusing your hand, do all in my power to prevent your being otherwise. -In making me the offer, you must have satisfied the delicacy of your -feelings with regard to my family, and may take possession of Longbourn -estate whenever it falls, without any self-reproach. This matter may be -considered, therefore, as finally settled.” And rising as she thus -spoke, she would have quitted the room, had not Mr. Collins thus -addressed her,-- - -“When I do myself the honour of speaking to you next on the subject, I -shall hope to receive a more favourable answer than you have now given -me; though I am far from accusing you of cruelty at present, because I -know it to be the established custom of your sex to reject a man on the -first application, and, perhaps, you have even now said as much to -encourage my suit as would be consistent with the true delicacy of the -female character.” - -“Really, Mr. Collins,” cried Elizabeth, with some warmth, “you puzzle me -exceedingly. If what I have hitherto said can appear to you in the form -of encouragement, I know not how to express my refusal in such a way as -may convince you of its being one.” - -“You must give me leave to flatter myself, my dear cousin, that your -refusal of my addresses are merely words of course. My reasons for -believing it are briefly these:--It does not appear to me that my hand -is unworthy of your acceptance, or that the establishment I can offer -would be any other than highly desirable. My situation in life, my -connections with the family of De Bourgh, and my relationship to your -own, are circumstances highly in my favour; and you should take it into -further consideration that, in spite of your manifold attractions, it is -by no means certain that another offer of marriage may ever be made you. -Your portion is unhappily so small, that it will in all likelihood undo -the effects of your loveliness and amiable qualifications. As I must, -therefore, conclude that you are not serious in your rejection of me, I -shall choose to attribute it to your wish of increasing my love by -suspense, according to the usual practice of elegant females.” - -“I do assure you, sir, that I have no pretensions whatever to that kind -of elegance which consists in tormenting a respectable man. I would -rather be paid the compliment of being believed sincere. I thank you -again and again for the honour you have done me in your proposals, but -to accept them is absolutely impossible. My feelings in every respect -forbid it. Can I speak plainer? Do not consider me now as an elegant -female intending to plague you, but as a rational creature speaking the -truth from her heart.” - -“You are uniformly charming!” cried he, with an air of awkward -gallantry; “and I am persuaded that, when sanctioned by the express -authority of both your excellent parents, my proposals will not fail of -being acceptable.” - -To such perseverance in wilful self-deception Elizabeth would make no -reply, and immediately and in silence withdrew; determined, that if he -persisted in considering her repeated refusals as flattering -encouragement, to apply to her father, whose negative might be uttered -in such a manner as must be decisive, and whose behaviour at least could -not be mistaken for the affectation and coquetry of an elegant female. - - - - -[Illustration] - - - - -CHAPTER XX. - - -[Illustration] - -Mr. Collins was not left long to the silent contemplation of his -successful love; for Mrs. Bennet, having dawdled about in the vestibule -to watch for the end of the conference, no sooner saw Elizabeth open the -door and with quick step pass her towards the staircase, than she -entered the breakfast-room, and congratulated both him and herself in -warm terms on the happy prospect of their nearer connection. Mr. Collins -received and returned these felicitations with equal pleasure, and then -proceeded to relate the particulars of their interview, with the result -of which he trusted he had every reason to be satisfied, since the -refusal which his cousin had steadfastly given him would naturally flow -from her bashful modesty and the genuine delicacy of her character. - -This information, however, startled Mrs. Bennet: she would have been -glad to be equally satisfied that her daughter had meant to encourage -him by protesting against his proposals, but she dared not believe it, -and could not help saying so. - -“But depend upon it, Mr. Collins,” she added, “that Lizzy shall be -brought to reason. I will speak to her about it myself directly. She is -a very headstrong, foolish girl, and does not know her own interest; but -I will _make_ her know it.” - -“Pardon me for interrupting you, madam,” cried Mr. Collins; “but if she -is really headstrong and foolish, I know not whether she would -altogether be a very desirable wife to a man in my situation, who -naturally looks for happiness in the marriage state. If, therefore, she -actually persists in rejecting my suit, perhaps it were better not to -force her into accepting me, because, if liable to such defects of -temper, she could not contribute much to my felicity.” - -“Sir, you quite misunderstand me,” said Mrs. Bennet, alarmed. “Lizzy is -only headstrong in such matters as these. In everything else she is as -good-natured a girl as ever lived. I will go directly to Mr. Bennet, and -we shall very soon settle it with her, I am sure.” - -She would not give him time to reply, but hurrying instantly to her -husband, called out, as she entered the library,-- - -“Oh, Mr. Bennet, you are wanted immediately; we are all in an uproar. -You must come and make Lizzy marry Mr. Collins, for she vows she will -not have him; and if you do not make haste he will change his mind and -not have _her_.” - -Mr. Bennet raised his eyes from his book as she entered, and fixed them -on her face with a calm unconcern, which was not in the least altered by -her communication. - -“I have not the pleasure of understanding you,” said he, when she had -finished her speech. “Of what are you talking?” - -“Of Mr. Collins and Lizzy. Lizzy declares she will not have Mr. Collins, -and Mr. Collins begins to say that he will not have Lizzy.” - -“And what am I to do on the occasion? It seems a hopeless business.” - -“Speak to Lizzy about it yourself. Tell her that you insist upon her -marrying him.” - -“Let her be called down. She shall hear my opinion.” - -Mrs. Bennet rang the bell, and Miss Elizabeth was summoned to the -library. - -“Come here, child,” cried her father as she appeared. “I have sent for -you on an affair of importance. I understand that Mr. Collins has made -you an offer of marriage. Is it true?” - -Elizabeth replied that it was. - -“Very well--and this offer of marriage you have refused?” - -“I have, sir.” - -“Very well. We now come to the point. Your mother insists upon your -accepting it. Is it not so, Mrs. Bennet?” - -“Yes, or I will never see her again.” - -“An unhappy alternative is before you, Elizabeth. From this day you must -be a stranger to one of your parents. Your mother will never see you -again if you do _not_ marry Mr. Collins, and I will never see you again -if you _do_.” - -Elizabeth could not but smile at such a conclusion of such a beginning; -but Mrs. Bennet, who had persuaded herself that her husband regarded the -affair as she wished, was excessively disappointed. - -“What do you mean, Mr. Bennet, by talking in this way? You promised me -to _insist_ upon her marrying him.” - -“My dear,” replied her husband, “I have two small favours to request. -First, that you will allow me the free use of my understanding on the -present occasion; and, secondly, of my room. I shall be glad to have the -library to myself as soon as may be.” - -Not yet, however, in spite of her disappointment in her husband, did -Mrs. Bennet give up the point. She talked to Elizabeth again and again; -coaxed and threatened her by turns. She endeavoured to secure Jane in -her interest, but Jane, with all possible mildness, declined -interfering; and Elizabeth, sometimes with real earnestness, and -sometimes with playful gaiety, replied to her attacks. Though her manner -varied, however, her determination never did. - -Mr. Collins, meanwhile, was meditating in solitude on what had passed. -He thought too well of himself to comprehend on what motive his cousin -could refuse him; and though his pride was hurt, he suffered in no other -way. His regard for her was quite imaginary; and the possibility of her -deserving her mother’s reproach prevented his feeling any regret. - -While the family were in this confusion, Charlotte Lucas came to spend -the day with them. She was met in the vestibule by Lydia, who, flying to -her, cried in a half whisper, “I am glad you are come, for there is such -fun here! What do you think has happened this morning? Mr. Collins has -made an offer to Lizzy, and she will not have him.” - -[Illustration: - - “they entered the breakfast room” -] - -Charlotte had hardly time to answer before they were joined by Kitty, -who came to tell the same news; and no sooner had they entered the -breakfast-room, where Mrs. Bennet was alone, than she likewise began on -the subject, calling on Miss Lucas for her compassion, and entreating -her to persuade her friend Lizzy to comply with the wishes of her -family. “Pray do, my dear Miss Lucas,” she added, in a melancholy tone; -“for nobody is on my side, nobody takes part with me; I am cruelly used, -nobody feels for my poor nerves.” - -Charlotte’s reply was spared by the entrance of Jane and Elizabeth. - -“Ay, there she comes,” continued Mrs. Bennet, “looking as unconcerned as -may be, and caring no more for us than if we were at York, provided she -can have her own way. But I tell you what, Miss Lizzy, if you take it -into your head to go on refusing every offer of marriage in this way, -you will never get a husband at all--and I am sure I do not know who is -to maintain you when your father is dead. _I_ shall not be able to keep -you--and so I warn you. I have done with you from this very day. I told -you in the library, you know, that I should never speak to you again, -and you will find me as good as my word. I have no pleasure in talking -to undutiful children. Not that I have much pleasure, indeed, in talking -to anybody. People who suffer as I do from nervous complaints can have -no great inclination for talking. Nobody can tell what I suffer! But it -is always so. Those who do not complain are never pitied.” - -Her daughters listened in silence to this effusion, sensible that any -attempt to reason with or soothe her would only increase the irritation. -She talked on, therefore, without interruption from any of them till -they were joined by Mr. Collins, who entered with an air more stately -than usual, and on perceiving whom, she said to the girls,-- - -“Now, I do insist upon it, that you, all of you, hold your tongues, and -let Mr. Collins and me have a little conversation together.” - -Elizabeth passed quietly out of the room, Jane and Kitty followed, but -Lydia stood her ground, determined to hear all she could; and Charlotte, -detained first by the civility of Mr. Collins, whose inquiries after -herself and all her family were very minute, and then by a little -curiosity, satisfied herself with walking to the window and pretending -not to hear. In a doleful voice Mrs. Bennet thus began the projected -conversation:-- - -“Oh, Mr. Collins!” - -“My dear madam,” replied he, “let us be for ever silent on this point. -Far be it from me,” he presently continued, in a voice that marked his -displeasure, “to resent the behaviour of your daughter. Resignation to -inevitable evils is the duty of us all: the peculiar duty of a young man -who has been so fortunate as I have been, in early preferment; and, I -trust, I am resigned. Perhaps not the less so from feeling a doubt of my -positive happiness had my fair cousin honoured me with her hand; for I -have often observed, that resignation is never so perfect as when the -blessing denied begins to lose somewhat of its value in our estimation. -You will not, I hope, consider me as showing any disrespect to your -family, my dear madam, by thus withdrawing my pretensions to your -daughter’s favour, without having paid yourself and Mr. Bennet the -compliment of requesting you to interpose your authority in my behalf. -My conduct may, I fear, be objectionable in having accepted my -dismission from your daughter’s lips instead of your own; but we are all -liable to error. I have certainly meant well through the whole affair. -My object has been to secure an amiable companion for myself, with due -consideration for the advantage of all your family; and if my _manner_ -has been at all reprehensible, I here beg leave to apologize.” - - - - -[Illustration] - - - - -CHAPTER XXI. - - -[Illustration] - -The discussion of Mr. Collins’s offer was now nearly at an end, and -Elizabeth had only to suffer from the uncomfortable feelings necessarily -attending it, and occasionally from some peevish allusion of her mother. -As for the gentleman himself, _his_ feelings were chiefly expressed, not -by embarrassment or dejection, or by trying to avoid her, but by -stiffness of manner and resentful silence. He scarcely ever spoke to -her; and the assiduous attentions which he had been so sensible of -himself were transferred for the rest of the day to Miss Lucas, whose -civility in listening to him was a seasonable relief to them all, and -especially to her friend. - -The morrow produced no abatement of Mrs. Bennet’s ill humour or ill -health. Mr. Collins was also in the same state of angry pride. Elizabeth -had hoped that his resentment might shorten his visit, but his plan did -not appear in the least affected by it. He was always to have gone on -Saturday, and to Saturday he still meant to stay. - -After breakfast, the girls walked to Meryton, to inquire if Mr. Wickham -were returned, and to lament over his absence from the Netherfield ball. -He joined them on their entering the town, and attended them to their -aunt’s, where his regret and vexation and the concern of everybody were -well talked over. To Elizabeth, however, he voluntarily acknowledged -that the necessity of his absence _had_ been self-imposed. - -“I found,” said he, “as the time drew near, that I had better not meet -Mr. Darcy;--that to be in the same room, the same party with him for so -many hours together, might be more than I could bear, and that scenes -might arise unpleasant to more than myself.” - -She highly approved his forbearance; and they had leisure for a full -discussion of it, and for all the commendations which they civilly -bestowed on each other, as Wickham and another officer walked back with -them to Longbourn, and during the walk he particularly attended to her. -His accompanying them was a double advantage: she felt all the -compliment it offered to herself; and it was most acceptable as an -occasion of introducing him to her father and mother. - -[Illustration: “Walked back with them” - -[_Copyright 1894 by George Allen._]] - -Soon after their return, a letter was delivered to Miss Bennet; it came -from Netherfield, and was opened immediately. The envelope contained a -sheet of elegant, little, hot-pressed paper, well covered with a lady’s -fair, flowing hand; and Elizabeth saw her sister’s countenance change as -she read it, and saw her dwelling intently on some particular passages. -Jane recollected herself soon; and putting the letter away, tried to -join, with her usual cheerfulness, in the general conversation: but -Elizabeth felt an anxiety on the subject which drew off her attention -even from Wickham; and no sooner had he and his companion taken leave, -than a glance from Jane invited her to follow her upstairs. When they -had gained their own room, Jane, taking out her letter, said, “This is -from Caroline Bingley: what it contains has surprised me a good deal. -The whole party have left Netherfield by this time, and are on their way -to town; and without any intention of coming back again. You shall hear -what she says.” - -She then read the first sentence aloud, which comprised the information -of their having just resolved to follow their brother to town directly, -and of their meaning to dine that day in Grosvenor Street, where Mr. -Hurst had a house. The next was in these words:--“‘I do not pretend to -regret anything I shall leave in Hertfordshire except your society, my -dearest friend; but we will hope, at some future period, to enjoy many -returns of that delightful intercourse we have known, and in the -meanwhile may lessen the pain of separation by a very frequent and most -unreserved correspondence. I depend on you for that.’” To these -high-flown expressions Elizabeth listened with all the insensibility of -distrust; and though the suddenness of their removal surprised her, she -saw nothing in it really to lament: it was not to be supposed that their -absence from Netherfield would prevent Mr. Bingley’s being there; and as -to the loss of their society, she was persuaded that Jane must soon -cease to regard it in the enjoyment of his. - -“It is unlucky,” said she, after a short pause, “that you should not be -able to see your friends before they leave the country. But may we not -hope that the period of future happiness, to which Miss Bingley looks -forward, may arrive earlier than she is aware, and that the delightful -intercourse you have known as friends will be renewed with yet greater -satisfaction as sisters? Mr. Bingley will not be detained in London by -them.” - -“Caroline decidedly says that none of the party will return into -Hertfordshire this winter. I will read it to you. - -“‘When my brother left us yesterday, he imagined that the business which -took him to London might be concluded in three or four days; but as we -are certain it cannot be so, and at the same time convinced that when -Charles gets to town he will be in no hurry to leave it again, we have -determined on following him thither, that he may not be obliged to spend -his vacant hours in a comfortless hotel. Many of my acquaintance are -already there for the winter: I wish I could hear that you, my dearest -friend, had any intention of making one in the crowd, but of that I -despair. I sincerely hope your Christmas in Hertfordshire may abound in -the gaieties which that season generally brings, and that your beaux -will be so numerous as to prevent your feeling the loss of the three of -whom we shall deprive you.’ - -“It is evident by this,” added Jane, “that he comes back no more this -winter.” - -“It is only evident that Miss Bingley does not mean he _should_.” - -“Why will you think so? It must be his own doing; he is his own master. -But you do not know _all_. I _will_ read you the passage which -particularly hurts me. I will have no reserves from _you_. ‘Mr. Darcy is -impatient to see his sister; and to confess the truth, _we_ are scarcely -less eager to meet her again. I really do not think Georgiana Darcy has -her equal for beauty, elegance, and accomplishments; and the affection -she inspires in Louisa and myself is heightened into something still -more interesting from the hope we dare to entertain of her being -hereafter our sister. I do not know whether I ever before mentioned to -you my feelings on this subject, but I will not leave the country -without confiding them, and I trust you will not esteem them -unreasonable. My brother admires her greatly already; he will have -frequent opportunity now of seeing her on the most intimate footing; her -relations all wish the connection as much as his own; and a sister’s -partiality is not misleading me, I think, when I call Charles most -capable of engaging any woman’s heart. With all these circumstances to -favour an attachment, and nothing to prevent it, am I wrong, my dearest -Jane, in indulging the hope of an event which will secure the happiness -of so many?’ What think you of _this_ sentence, my dear Lizzy?” said -Jane, as she finished it. “Is it not clear enough? Does it not expressly -declare that Caroline neither expects nor wishes me to be her sister; -that she is perfectly convinced of her brother’s indifference; and that -if she suspects the nature of my feelings for him she means (most -kindly!) to put me on my guard. Can there be any other opinion on the -subject?” - -“Yes, there can; for mine is totally different. Will you hear it?” - -“Most willingly.” - -“You shall have it in a few words. Miss Bingley sees that her brother is -in love with you and wants him to marry Miss Darcy. She follows him to -town in the hope of keeping him there, and tries to persuade you that he -does not care about you.” - -Jane shook her head. - -“Indeed, Jane, you ought to believe me. No one who has ever seen you -together can doubt his affection; Miss Bingley, I am sure, cannot: she -is not such a simpleton. Could she have seen half as much love in Mr. -Darcy for herself, she would have ordered her wedding clothes. But the -case is this:--we are not rich enough or grand enough for them; and she -is the more anxious to get Miss Darcy for her brother, from the notion -that when there has been _one_ inter-marriage, she may have less trouble -in achieving a second; in which there is certainly some ingenuity, and I -dare say it would succeed if Miss de Bourgh were out of the way. But, my -dearest Jane, you cannot seriously imagine that, because Miss Bingley -tells you her brother greatly admires Miss Darcy, he is in the smallest -degree less sensible of _your_ merit than when he took leave of you on -Tuesday; or that it will be in her power to persuade him that, instead -of being in love with you, he is very much in love with her friend.” - -“If we thought alike of Miss Bingley,” replied Jane, “your -representation of all this might make me quite easy. But I know the -foundation is unjust. Caroline is incapable of wilfully deceiving -anyone; and all that I can hope in this case is, that she is deceived -herself.” - -“That is right. You could not have started a more happy idea, since you -will not take comfort in mine: believe her to be deceived, by all means. -You have now done your duty by her, and must fret no longer.” - -“But, my dear sister, can I be happy, even supposing the best, in -accepting a man whose sisters and friends are all wishing him to marry -elsewhere?” - -“You must decide for yourself,” said Elizabeth; “and if, upon mature -deliberation, you find that the misery of disobliging his two sisters is -more than equivalent to the happiness of being his wife, I advise you, -by all means, to refuse him.” - -“How can you talk so?” said Jane, faintly smiling; “you must know, that, -though I should be exceedingly grieved at their disapprobation, I could -not hesitate.” - -“I did not think you would; and that being the case, I cannot consider -your situation with much compassion.” - -“But if he returns no more this winter, my choice will never be -required. A thousand things may arise in six months.” - -The idea of his returning no more Elizabeth treated with the utmost -contempt. It appeared to her merely the suggestion of Caroline’s -interested wishes; and she could not for a moment suppose that those -wishes, however openly or artfully spoken, could influence a young man -so totally independent of everyone. - -She represented to her sister, as forcibly as possible, what she felt on -the subject, and had soon the pleasure of seeing its happy effect. -Jane’s temper was not desponding; and she was gradually led to hope, -though the diffidence of affection sometimes overcame the hope, that -Bingley would return to Netherfield, and answer every wish of her heart. - -They agreed that Mrs. Bennet should only hear of the departure of the -family, without being alarmed on the score of the gentleman’s conduct; -but even this partial communication gave her a great deal of concern, -and she bewailed it as exceedingly unlucky that the ladies should happen -to go away just as they were all getting so intimate together. After -lamenting it, however, at some length, she had the consolation of -thinking that Mr. Bingley would be soon down again, and soon dining at -Longbourn; and the conclusion of all was the comfortable declaration, -that, though he had been invited only to a family dinner, she would take -care to have two full courses. - - - - -[Illustration] - - - - -CHAPTER XXII. - - -[Illustration] - -The Bennets were engaged to dine with the Lucases; and again, during the -chief of the day, was Miss Lucas so kind as to listen to Mr. Collins. -Elizabeth took an opportunity of thanking her. “It keeps him in good -humour,” said she, “and I am more obliged to you than I can express.” - -Charlotte assured her friend of her satisfaction in being useful, and -that it amply repaid her for the little sacrifice of her time. This was -very amiable; but Charlotte’s kindness extended farther than Elizabeth -had any conception of:--its object was nothing less than to secure her -from any return of Mr. Collins’s addresses, by engaging them towards -herself. Such was Miss Lucas’s scheme; and appearances were so -favourable, that when they parted at night, she would have felt almost -sure of success if he had not been to leave Hertfordshire so very soon. -But here she did injustice to the fire and independence of his -character; for it led him to escape out of Longbourn House the next -morning with admirable slyness, and hasten to Lucas Lodge to throw -himself at her feet. He was anxious to avoid the notice of his cousins, -from a conviction that, if they saw him depart, they could not fail to -conjecture his design, and he was not willing to have the attempt known -till its success could be known likewise; for, though feeling almost -secure, and with reason, for Charlotte had been tolerably encouraging, -he was comparatively diffident since the adventure of Wednesday. His -reception, however, was of the most flattering kind. Miss Lucas -perceived him from an upper window as he walked towards the house, and -instantly set out to meet him accidentally in the lane. But little had -she dared to hope that so much love and eloquence awaited her there. - -In as short a time as Mr. Collins’s long speeches would allow, -everything was settled between them to the satisfaction of both; and as -they entered the house, he earnestly entreated her to name the day that -was to make him the happiest of men; and though such a solicitation must -be waived for the present, the lady felt no inclination to trifle with -his happiness. The stupidity with which he was favoured by nature must -guard his courtship from any charm that could make a woman wish for its -continuance; and Miss Lucas, who accepted him solely from the pure and -disinterested desire of an establishment, cared not how soon that -establishment were gained. - -Sir William and Lady Lucas were speedily applied to for their consent; -and it was bestowed with a most joyful alacrity. Mr. Collins’s present -circumstances made it a most eligible match for their daughter, to whom -they could give little fortune; and his prospects of future wealth were -exceedingly fair. Lady Lucas began directly to calculate, with more -interest than the matter had ever - -[Illustration: - - “So much love and eloquence” - -[_Copyright 1894 by George Allen._]] - -excited before, how many years longer Mr. Bennet was likely to live; and -Sir William gave it as his decided opinion, that whenever Mr. Collins -should be in possession of the Longbourn estate, it would be highly -expedient that both he and his wife should make their appearance at St. -James’s. The whole family in short were properly overjoyed on the -occasion. The younger girls formed hopes of _coming out_ a year or two -sooner than they might otherwise have done; and the boys were relieved -from their apprehension of Charlotte’s dying an old maid. Charlotte -herself was tolerably composed. She had gained her point, and had time -to consider of it. Her reflections were in general satisfactory. Mr. -Collins, to be sure, was neither sensible nor agreeable: his society was -irksome, and his attachment to her must be imaginary. But still he would -be her husband. Without thinking highly either of men or of matrimony, -marriage had always been her object: it was the only honourable -provision for well-educated young women of small fortune, and, however -uncertain of giving happiness, must be their pleasantest preservative -from want. This preservative she had now obtained; and at the age of -twenty-seven, without having ever been handsome, she felt all the good -luck of it. The least agreeable circumstance in the business was the -surprise it must occasion to Elizabeth Bennet, whose friendship she -valued beyond that of any other person. Elizabeth would wonder, and -probably would blame her; and though her resolution was not to be -shaken, her feelings must be hurt by such a disapprobation. She resolved -to give her the information herself; and therefore charged Mr. Collins, -when he returned to Longbourn to dinner, to drop no hint of what had -passed before any of the family. A promise of secrecy was of course very -dutifully given, but it could not be kept without difficulty; for the -curiosity excited by his long absence burst forth in such very direct -questions on his return, as required some ingenuity to evade, and he was -at the same time exercising great self-denial, for he was longing to -publish his prosperous love. - -As he was to begin his journey too early on the morrow to see any of -the family, the ceremony of leave-taking was performed when the ladies -moved for the night; and Mrs. Bennet, with great politeness and -cordiality, said how happy they should be to see him at Longbourn again, -whenever his other engagements might allow him to visit them. - -“My dear madam,” he replied, “this invitation is particularly -gratifying, because it is what I have been hoping to receive; and you -may be very certain that I shall avail myself of it as soon as -possible.” - -They were all astonished; and Mr. Bennet, who could by no means wish for -so speedy a return, immediately said,-- - -“But is there not danger of Lady Catherine’s disapprobation here, my -good sir? You had better neglect your relations than run the risk of -offending your patroness.” - -“My dear sir,” replied Mr. Collins, “I am particularly obliged to you -for this friendly caution, and you may depend upon my not taking so -material a step without her Ladyship’s concurrence.” - -“You cannot be too much on your guard. Risk anything rather than her -displeasure; and if you find it likely to be raised by your coming to us -again, which I should think exceedingly probable, stay quietly at home, -and be satisfied that _we_ shall take no offence.” - -“Believe me, my dear sir, my gratitude is warmly excited by such -affectionate attention; and, depend upon it, you will speedily receive -from me a letter of thanks for this as well as for every other mark of -your regard during my stay in Hertfordshire. As for my fair cousins, -though my absence may not be long enough to render it necessary, I shall -now take the liberty of wishing them health and happiness, not excepting -my cousin Elizabeth.” - -With proper civilities, the ladies then withdrew; all of them equally -surprised to find that he meditated a quick return. Mrs. Bennet wished -to understand by it that he thought of paying his addresses to one of -her younger girls, and Mary might have been prevailed on to accept him. -She rated his abilities much higher than any of the others: there was a -solidity in his reflections which often struck her; and though by no -means so clever as herself, she thought that, if encouraged to read and -improve himself by such an example as hers, he might become a very -agreeable companion. But on the following morning every hope of this -kind was done away. Miss Lucas called soon after breakfast, and in a -private conference with Elizabeth related the event of the day before. - -The possibility of Mr. Collins’s fancying himself in love with her -friend had once occurred to Elizabeth within the last day or two: but -that Charlotte could encourage him seemed almost as far from possibility -as that she could encourage him herself; and her astonishment was -consequently so great as to overcome at first the bounds of decorum, and -she could not help crying out,-- - -“Engaged to Mr. Collins! my dear Charlotte, impossible!” - -The steady countenance which Miss Lucas had commanded in telling her -story gave way to a momentary confusion here on receiving so direct a -reproach; though, as it was no more than she expected, she soon regained -her composure, and calmly replied,-- - -“Why should you be surprised, my dear Eliza? Do you think it incredible -that Mr. Collins should be able to procure any woman’s good opinion, -because he was not so happy as to succeed with you?” - -But Elizabeth had now recollected herself; and, making a strong effort -for it, was able to assure her, with tolerable firmness, that the -prospect of their relationship was highly grateful to her, and that she -wished her all imaginable happiness. - -“I see what you are feeling,” replied Charlotte; “you must be surprised, -very much surprised, so lately as Mr. Collins was wishing to marry you. -But when you have had time to think it all over, I hope you will be -satisfied with what I have done. I am not romantic, you know. I never -was. I ask only a comfortable home; and, considering Mr. Collins’s -character, connections, and situation in life, I am convinced that my -chance of happiness with him is as fair as most people can boast on -entering the marriage state.” - -Elizabeth quietly answered “undoubtedly;” and, after an awkward pause, -they returned to the rest of the family. Charlotte did not stay much -longer; and Elizabeth was then left to reflect on what she had heard. It -was a long time before she became at all reconciled to the idea of so -unsuitable a match. The strangeness of Mr. Collins’s making two offers -of marriage within three days was nothing in comparison of his being now -accepted. She had always felt that Charlotte’s opinion of matrimony was -not exactly like her own; but she could not have supposed it possible -that, when called into action, she would have sacrificed every better -feeling to worldly advantage. Charlotte, the wife of Mr. Collins, was a -most humiliating picture! And to the pang of a friend disgracing -herself, and sunk in her esteem, was added the distressing conviction -that it was impossible for that friend to be tolerably happy in the lot -she had chosen. - - - - -[Illustration: - - “Protested he must be entirely mistaken.” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER XXIII. - - -[Illustration] - -Elizabeth was sitting with her mother and sisters, reflecting on what -she had heard, and doubting whether she was authorized to mention it, -when Sir William Lucas himself appeared, sent by his daughter to -announce her engagement to the family. With many compliments to them, -and much self-gratulation on the prospect of a connection between the -houses, he unfolded the matter,--to an audience not merely wondering, -but incredulous; for Mrs. Bennet, with more perseverance than -politeness, protested he must be entirely mistaken; and Lydia, always -unguarded and often uncivil, boisterously exclaimed,-- - -“Good Lord! Sir William, how can you tell such a story? Do not you know -that Mr. Collins wants to marry Lizzy?” - -Nothing less than the complaisance of a courtier could have borne -without anger such treatment: but Sir William’s good-breeding carried -him through it all; and though he begged leave to be positive as to the -truth of his information, he listened to all their impertinence with the -most forbearing courtesy. - -Elizabeth, feeling it incumbent on her to relieve him from so unpleasant -a situation, now put herself forward to confirm his account, by -mentioning her prior knowledge of it from Charlotte herself; and -endeavoured to put a stop to the exclamations of her mother and sisters, -by the earnestness of her congratulations to Sir William, in which she -was readily joined by Jane, and by making a variety of remarks on the -happiness that might be expected from the match, the excellent character -of Mr. Collins, and the convenient distance of Hunsford from London. - -Mrs. Bennet was, in fact, too much overpowered to say a great deal while -Sir William remained; but no sooner had he left them than her feelings -found a rapid vent. In the first place, she persisted in disbelieving -the whole of the matter; secondly, she was very sure that Mr. Collins -had been taken in; thirdly, she trusted that they would never be happy -together; and, fourthly, that the match might be broken off. Two -inferences, however, were plainly deduced from the whole: one, that -Elizabeth was the real cause of all the mischief; and the other, that -she herself had been barbarously used by them all; and on these two -points she principally dwelt during the rest of the day. Nothing could -console and nothing appease her. Nor did that day wear out her -resentment. A week elapsed before she could see Elizabeth without -scolding her: a month passed away before she could speak to Sir William -or Lady Lucas without being rude; and many months were gone before she -could at all forgive their daughter. - -Mr. Bennet’s emotions were much more tranquil on the occasion, and such -as he did experience he pronounced to be of a most agreeable sort; for -it gratified him, he said, to discover that Charlotte Lucas, whom he had -been used to think tolerably sensible, was as foolish as his wife, and -more foolish than his daughter! - -Jane confessed herself a little surprised at the match: but she said -less of her astonishment than of her earnest desire for their happiness; -nor could Elizabeth persuade her to consider it as improbable. Kitty and -Lydia were far from envying Miss Lucas, for Mr. Collins was only a -clergyman; and it affected them in no other way than as a piece of news -to spread at Meryton. - -Lady Lucas could not be insensible of triumph on being able to retort on -Mrs. Bennet the comfort of having a daughter well married; and she -called at Longbourn rather oftener than usual to say how happy she was, -though Mrs. Bennet’s sour looks and ill-natured remarks might have been -enough to drive happiness away. - -Between Elizabeth and Charlotte there was a restraint which kept them -mutually silent on the subject; and Elizabeth felt persuaded that no -real confidence could ever subsist between them again. Her -disappointment in Charlotte made her turn with fonder regard to her -sister, of whose rectitude and delicacy she was sure her opinion could -never be shaken, and for whose happiness she grew daily more anxious, as -Bingley had now been gone a week, and nothing was heard of his return. - -Jane had sent Caroline an early answer to her letter, and was counting -the days till she might reasonably hope to hear again. The promised -letter of thanks from Mr. Collins arrived on Tuesday, addressed to their -father, and written with all the solemnity of gratitude which a -twelve-month’s abode in the family might have prompted. After -discharging his conscience on that head, he proceeded to inform them, -with many rapturous expressions, of his happiness in having obtained the -affection of their amiable neighbour, Miss Lucas, and then explained -that it was merely with the view of enjoying her society that he had -been so ready to close with their kind wish of seeing him again at -Longbourn, whither he hoped to be able to return on Monday fortnight; -for Lady Catherine, he added, so heartily approved his marriage, that -she wished it to take place as soon as possible, which he trusted would -be an unanswerable argument with his amiable Charlotte to name an early -day for making him the happiest of men. - -Mr. Collins’s return into Hertfordshire was no longer a matter of -pleasure to Mrs. Bennet. On the contrary, she was as much disposed to -complain of it as her husband. It was very strange that he should come -to Longbourn instead of to Lucas Lodge; it was also very inconvenient -and exceedingly troublesome. She hated having visitors in the house -while her health was so indifferent, and lovers were of all people the -most disagreeable. Such were the gentle murmurs of Mrs. Bennet, and they -gave way only to the greater distress of Mr. Bingley’s continued -absence. - -Neither Jane nor Elizabeth were comfortable on this subject. Day after -day passed away without bringing any other tidings of him than the -report which shortly prevailed in Meryton of his coming no more to -Netherfield the whole winter; a report which highly incensed Mrs. -Bennet, and which she never failed to contradict as a most scandalous -falsehood. - -Even Elizabeth began to fear--not that Bingley was indifferent--but that -his sisters would be successful in keeping him away. Unwilling as she -was to admit an idea so destructive to Jane’s happiness, and so -dishonourable to the stability of her lover, she could not prevent its -frequently recurring. The united efforts of his two unfeeling sisters, -and of his overpowering friend, assisted by the attractions of Miss -Darcy and the amusements of London, might be too much, she feared, for -the strength of his attachment. - -As for Jane, _her_ anxiety under this suspense was, of course, more -painful than Elizabeth’s: but whatever she felt she was desirous of -concealing; and between herself and Elizabeth, therefore, the subject -was never alluded to. But as no such delicacy restrained her mother, an -hour seldom passed in which she did not talk of Bingley, express her -impatience for his arrival, or even require Jane to confess that if he -did not come back she should think herself very ill-used. It needed all -Jane’s steady mildness to bear these attacks with tolerable -tranquillity. - -Mr. Collins returned most punctually on the Monday fortnight, but his -reception at Longbourn was not quite so gracious as it had been on his -first introduction. He was too happy, however, to need much attention; -and, luckily for the others, the business of love-making relieved them -from a great deal of his company. The chief of every day was spent by -him at Lucas Lodge, and he sometimes returned to Longbourn only in time -to make an apology for his absence before the family went to bed. - -[Illustration: - - “_Whenever she spoke in a low voice_” -] - -Mrs. Bennet was really in a most pitiable state. The very mention of -anything concerning the match threw her into an agony of ill-humour, and -wherever she went she was sure of hearing it talked of. The sight of -Miss Lucas was odious to her. As her successor in that house, she -regarded her with jealous abhorrence. Whenever Charlotte came to see -them, she concluded her to be anticipating the hour of possession; and -whenever she spoke in a low voice to Mr. Collins, was convinced that -they were talking of the Longbourn estate, and resolving to turn herself -and her daughters out of the house as soon as Mr. Bennet was dead. She -complained bitterly of all this to her husband. - -“Indeed, Mr. Bennet,” said she, “it is very hard to think that Charlotte -Lucas should ever be mistress of this house, that _I_ should be forced -to make way for _her_, and live to see her take my place in it!” - -“My dear, do not give way to such gloomy thoughts. Let us hope for -better things. Let us flatter ourselves that _I_ may be the survivor.” - -This was not very consoling to Mrs. Bennet; and, therefore, instead of -making any answer, she went on as before. - -“I cannot bear to think that they should have all this estate. If it was -not for the entail, I should not mind it.” - -“What should not you mind?” - -“I should not mind anything at all.” - -“Let us be thankful that you are preserved from a state of such -insensibility.” - -“I never can be thankful, Mr. Bennet, for anything about the entail. How -anyone could have the conscience to entail away an estate from one’s own -daughters I cannot understand; and all for the sake of Mr. Collins, too! -Why should _he_ have it more than anybody else?” - -“I leave it to yourself to determine,” said Mr. Bennet. - - - - -[Illustration] - - - - -CHAPTER XXIV. - - -[Illustration] - -Miss Bingley’s letter arrived, and put an end to doubt. The very first -sentence conveyed the assurance of their being all settled in London for -the winter, and concluded with her brother’s regret at not having had -time to pay his respects to his friends in Hertfordshire before he left -the country. - -Hope was over, entirely over; and when Jane could attend to the rest of -the letter, she found little, except the professed affection of the -writer, that could give her any comfort. Miss Darcy’s praise occupied -the chief of it. Her many attractions were again dwelt on; and Caroline -boasted joyfully of their increasing intimacy, and ventured to predict -the accomplishment of the wishes which had been unfolded in her former -letter. She wrote also with great pleasure of her brother’s being an -inmate of Mr. Darcy’s house, and mentioned with raptures some plans of -the latter with regard to new furniture. - -Elizabeth, to whom Jane very soon communicated the chief of all this, -heard it in silent indignation. Her heart was divided between concern -for her sister and resentment against all others. To Caroline’s -assertion of her brother’s being partial to Miss Darcy, she paid no -credit. That he was really fond of Jane, she doubted no more than she -had ever done; and much as she had always been disposed to like him, she -could not think without anger, hardly without contempt, on that easiness -of temper, that want of proper resolution, which now made him the slave -of his designing friends, and led him to sacrifice his own happiness to -the caprice of their inclinations. Had his own happiness, however, been -the only sacrifice, he might have been allowed to sport with it in -whatever manner he thought best; but her sister’s was involved in it, as -she thought he must be sensible himself. It was a subject, in short, on -which reflection would be long indulged, and must be unavailing. She -could think of nothing else; and yet, whether Bingley’s regard had -really died away, or were suppressed by his friends’ interference; -whether he had been aware of Jane’s attachment, or whether it had -escaped his observation; whichever were the case, though her opinion of -him must be materially affected by the difference, her sister’s -situation remained the same, her peace equally wounded. - -A day or two passed before Jane had courage to speak of her feelings to -Elizabeth; but at last, on Mrs. Bennet’s leaving them together, after a -longer irritation than usual about Netherfield and its master, she could -not help saying,-- - -“O that my dear mother had more command over herself! she can have no -idea of the pain she gives me by her continual reflections on him. But I -will not repine. It cannot last long. He will be forgot, and we shall -all be as we were before.” - -Elizabeth looked at her sister with incredulous solicitude, but said -nothing. - -“You doubt me,” cried Jane, slightly colouring; “indeed, you have no -reason. He may live in my memory as the most amiable man of my -acquaintance but that is all. I have nothing either to hope or fear, and -nothing to reproach him with. Thank God I have not _that_ pain. A little -time, therefore--I shall certainly try to get the better----” - -With a stronger voice she soon added, “I have this comfort immediately, -that it has not been more than an error of fancy on my side, and that it -has done no harm to anyone but myself.” - -“My dear Jane,” exclaimed Elizabeth, “you are too good. Your sweetness -and disinterestedness are really angelic; I do not know what to say to -you. I feel as if I had never done you justice, or loved you as you -deserve.” - -Miss Bennet eagerly disclaimed all extraordinary merit, and threw back -the praise on her sister’s warm affection. - -“Nay,” said Elizabeth, “this is not fair. _You_ wish to think all the -world respectable, and are hurt if I speak ill of anybody. _I_ only want -to think _you_ perfect, and you set yourself against it. Do not be -afraid of my running into any excess, of my encroaching on your -privilege of universal good-will. You need not. There are few people -whom I really love, and still fewer of whom I think well. The more I see -of the world the more am I dissatisfied with it; and every day confirms -my belief of the inconsistency of all human characters, and of the -little dependence that can be placed on the appearance of either merit -or sense. I have met with two instances lately: one I will not mention, -the other is Charlotte’s marriage. It is unaccountable! in every view it -is unaccountable!” - -“My dear Lizzy, do not give way to such feelings as these. They will -ruin your happiness. You do not make allowance enough for difference of -situation and temper. Consider Mr. Collins’s respectability, and -Charlotte’s prudent, steady character. Remember that she is one of a -large family; that as to fortune it is a most eligible match; and be -ready to believe, for everybody’s sake, that she may feel something like -regard and esteem for our cousin.” - -“To oblige you, I would try to believe almost anything, but no one else -could be benefited by such a belief as this; for were I persuaded that -Charlotte had any regard for him, I should only think worse of her -understanding than I now do of her heart. My dear Jane, Mr. Collins is a -conceited, pompous, narrow-minded, silly man: you know he is, as well as -I do; and you must feel, as well as I do, that the woman who marries him -cannot have a proper way of thinking. You shall not defend her, though -it is Charlotte Lucas. You shall not, for the sake of one individual, -change the meaning of principle and integrity, nor endeavour to persuade -yourself or me, that selfishness is prudence, and insensibility of -danger security for happiness.” - -“I must think your language too strong in speaking of both,” replied -Jane; “and I hope you will be convinced of it, by seeing them happy -together. But enough of this. You alluded to something else. You -mentioned _two_ instances. I cannot misunderstand you, but I entreat -you, dear Lizzy, not to pain me by thinking _that person_ to blame, and -saying your opinion of him is sunk. We must not be so ready to fancy -ourselves intentionally injured. We must not expect a lively young man -to be always so guarded and circumspect. It is very often nothing but -our own vanity that deceives us. Women fancy admiration means more than -it does.” - -“And men take care that they should.” - -“If it is designedly done, they cannot be justified; but I have no idea -of there being so much design in the world as some persons imagine.” - -“I am far from attributing any part of Mr. Bingley’s conduct to design,” -said Elizabeth; “but, without scheming to do wrong, or to make others -unhappy, there may be error and there may be misery. Thoughtlessness, -want of attention to other people’s feelings, and want of resolution, -will do the business.” - -“And do you impute it to either of those?” - -“Yes; to the last. But if I go on I shall displease you by saying what I -think of persons you esteem. Stop me, whilst you can.” - -“You persist, then, in supposing his sisters influence him?” - -“Yes, in conjunction with his friend.” - -“I cannot believe it. Why should they try to influence him? They can -only wish his happiness; and if he is attached to me no other woman can -secure it.” - -“Your first position is false. They may wish many things besides his -happiness: they may wish his increase of wealth and consequence; they -may wish him to marry a girl who has all the importance of money, great -connections, and pride.” - -“Beyond a doubt they do wish him to choose Miss Darcy,” replied Jane; -“but this may be from better feelings than you are supposing. They have -known her much longer than they have known me; no wonder if they love -her better. But, whatever may be their own wishes, it is very unlikely -they should have opposed their brother’s. What sister would think -herself at liberty to do it, unless there were something very -objectionable? If they believed him attached to me they would not try to -part us; if he were so, they could not succeed. By supposing such an -affection, you make everybody acting unnaturally and wrong, and me most -unhappy. Do not distress me by the idea. I am not ashamed of having been -mistaken--or, at least, it is slight, it is nothing in comparison of -what I should feel in thinking ill of him or his sisters. Let me take it -in the best light, in the light in which it may be understood.” - -Elizabeth could not oppose such a wish; and from this time Mr. Bingley’s -name was scarcely ever mentioned between them. - -Mrs. Bennet still continued to wonder and repine at his returning no -more; and though a day seldom passed in which Elizabeth did not account -for it clearly, there seemed little chance of her ever considering it -with less perplexity. Her daughter endeavoured to convince her of what -she did not believe herself, that his attentions to Jane had been merely -the effect of a common and transient liking, which ceased when he saw -her no more; but though the probability of the statement was admitted at -the time, she had the same story to repeat every day. Mrs. Bennet’s best -comfort was, that Mr. Bingley must be down again in the summer. - -Mr. Bennet treated the matter differently. “So, Lizzy,” said he, one -day, “your sister is crossed in love, I find. I congratulate her. Next -to being married, a girl likes to be crossed in love a little now and -then. It is something to think of, and gives her a sort of distinction -among her companions. When is your turn to come? You will hardly bear to -be long outdone by Jane. Now is your time. Here are officers enough at -Meryton to disappoint all the young ladies in the country. Let Wickham -be your man. He is a pleasant fellow, and would jilt you creditably.” - -“Thank you, sir, but a less agreeable man would satisfy me. We must not -all expect Jane’s good fortune.” - -“True,” said Mr. Bennet; “but it is a comfort to think that, whatever of -that kind may befall you, you have an affectionate mother who will -always make the most of it.” - -Mr. Wickham’s society was of material service in dispelling the gloom -which the late perverse occurrences had thrown on many of the Longbourn -family. They saw him often, and to his other recommendations was now -added that of general unreserve. The whole of what Elizabeth had already -heard, his claims on Mr. Darcy, and all that he had suffered from him, -was now openly acknowledged and publicly canvassed; and everybody was -pleased to think how much they had always disliked Mr. Darcy before they -had known anything of the matter. - -Miss Bennet was the only creature who could suppose there might be any -extenuating circumstances in the case unknown to the society of -Hertfordshire: her mild and steady candour always pleaded for -allowances, and urged the possibility of mistakes; but by everybody else -Mr. Darcy was condemned as the worst of men. - - - - -[Illustration] - - - - -CHAPTER XXV. - - -[Illustration] - -After a week spent in professions of love and schemes of felicity, Mr. -Collins was called from his amiable Charlotte by the arrival of -Saturday. The pain of separation, however, might be alleviated on his -side by preparations for the reception of his bride, as he had reason to -hope, that shortly after his next return into Hertfordshire, the day -would be fixed that was to make him the happiest of men. He took leave -of his relations at Longbourn with as much solemnity as before; wished -his fair cousins health and happiness again, and promised their father -another letter of thanks. - -On the following Monday, Mrs. Bennet had the pleasure of receiving her -brother and his wife, who came, as usual, to spend the Christmas at -Longbourn. Mr. Gardiner was a sensible, gentlemanlike man, greatly -superior to his sister, as well by nature as education. The Netherfield -ladies would have had difficulty in believing that a man who lived by -trade, and within view of his own warehouses, could have been so -well-bred and agreeable. Mrs. Gardiner, who was several years younger -than Mrs. Bennet and Mrs. Philips, was an amiable, intelligent, elegant -woman, and a great favourite with her Longbourn nieces. Between the two -eldest and herself especially, there subsisted a very particular regard. -They had frequently been staying with her in town. - -The first part of Mrs. Gardiner’s business, on her arrival, was to -distribute her presents and describe the newest fashions. When this was -done, she had a less active part to play. It became her turn to listen. -Mrs. Bennet had many grievances to relate, and much to complain of. They -had all been very ill-used since she last saw her sister. Two of her -girls had been on the point of marriage, and after all there was nothing -in it. - -“I do not blame Jane,” she continued, “for Jane would have got Mr. -Bingley if she could. But, Lizzy! Oh, sister! it is very hard to think -that she might have been Mr. Collins’s wife by this time, had not it -been for her own perverseness. He made her an offer in this very room, -and she refused him. The consequence of it is, that Lady Lucas will have -a daughter married before I have, and that Longbourn estate is just as -much entailed as ever. The Lucases are very artful people, indeed, -sister. They are all for what they can get. I am sorry to say it of -them, but so it is. It makes me very nervous and poorly, to be thwarted -so in my own family, and to have neighbours who think of themselves -before anybody else. However, your coming just at this time is the -greatest of comforts, and I am very glad to hear what you tell us of -long sleeves.” - -Mrs. Gardiner, to whom the chief of this news had been given before, in -the course of Jane and Elizabeth’s correspondence with her, made her -sister a slight answer, and, in compassion to her nieces, turned the -conversation. - -When alone with Elizabeth afterwards, she spoke more on the subject. -“It seems likely to have been a desirable match for Jane,” said she. “I -am sorry it went off. But these things happen so often! A young man, -such as you describe Mr. Bingley, so easily falls in love with a pretty -girl for a few weeks, and, when accident separates them, so easily -forgets her, that these sort of inconstancies are very frequent.” - -[Illustration: - - “Offended two or three young ladies” - -[_Copyright 1894 by George Allen._]] - -“An excellent consolation in its way,” said Elizabeth; “but it will not -do for _us_. We do not suffer by accident. It does not often happen -that the interference of friends will persuade a young man of -independent fortune to think no more of a girl whom he was violently in -love with only a few days before.” - -“But that expression of ‘violently in love’ is so hackneyed, so -doubtful, so indefinite, that it gives me very little idea. It is as -often applied to feelings which arise only from a half hour’s -acquaintance, as to a real, strong attachment. Pray, how _violent was_ -Mr. Bingley’s love?” - -“I never saw a more promising inclination; he was growing quite -inattentive to other people, and wholly engrossed by her. Every time -they met, it was more decided and remarkable. At his own ball he -offended two or three young ladies by not asking them to dance; and I -spoke to him twice myself without receiving an answer. Could there be -finer symptoms? Is not general incivility the very essence of love?” - -“Oh, yes! of that kind of love which I suppose him to have felt. Poor -Jane! I am sorry for her, because, with her disposition, she may not get -over it immediately. It had better have happened to _you_, Lizzy; you -would have laughed yourself out of it sooner. But do you think she would -be prevailed on to go back with us? Change of scene might be of -service--and perhaps a little relief from home may be as useful as -anything.” - -Elizabeth was exceedingly pleased with this proposal, and felt persuaded -of her sister’s ready acquiescence. - -“I hope,” added Mrs. Gardiner, “that no consideration with regard to -this young man will influence her. We live in so different a part of -town, all our connections are so different, and, as you well know, we go -out so little, that it is very improbable they should meet at all, -unless he really comes to see her.” - -“And _that_ is quite impossible; for he is now in the custody of his -friend, and Mr. Darcy would no more suffer him to call on Jane in such a -part of London! My dear aunt, how could you think of it? Mr. Darcy may, -perhaps, have _heard_ of such a place as Gracechurch Street, but he -would hardly think a month’s ablution enough to cleanse him from its -impurities, were he once to enter it; and, depend upon it, Mr. Bingley -never stirs without him.” - -“So much the better. I hope they will not meet at all. But does not Jane -correspond with his sister? _She_ will not be able to help calling.” - -“She will drop the acquaintance entirely.” - -But, in spite of the certainty in which Elizabeth affected to place this -point, as well as the still more interesting one of Bingley’s being -withheld from seeing Jane, she felt a solicitude on the subject which -convinced her, on examination, that she did not consider it entirely -hopeless. It was possible, and sometimes she thought it probable, that -his affection might be re-animated, and the influence of his friends -successfully combated by the more natural influence of Jane’s -attractions. - -Miss Bennet accepted her aunt’s invitation with pleasure; and the -Bingleys were no otherwise in her thoughts at the same time than as she -hoped, by Caroline’s not living in the same house with her brother, she -might occasionally spend a morning with her, without any danger of -seeing him. - -The Gardiners stayed a week at Longbourn; and what with the Philipses, -the Lucases, and the officers, there was not a day without its -engagement. Mrs. Bennet had so carefully provided for the entertainment -of her brother and sister, that they did not once sit down to a family -dinner. When the engagement was for home, some of the officers always -made part of it, of which officers Mr. Wickham was sure to be one; and -on these occasions Mrs. Gardiner, rendered suspicious by Elizabeth’s -warm commendation of him, narrowly observed them both. Without supposing -them, from what she saw, to be very seriously in love, their preference -of each other was plain enough to make her a little uneasy; and she -resolved to speak to Elizabeth on the subject before she left -Hertfordshire, and represent to her the imprudence of encouraging such -an attachment. - -To Mrs. Gardiner, Wickham had one means of affording pleasure, -unconnected with his general powers. About ten or a dozen years ago, -before her marriage, she had spent a considerable time in that very part -of Derbyshire to which he belonged. They had, therefore, many -acquaintance in common; and, though Wickham had been little there since -the death of Darcy’s father, five years before, it was yet in his power -to give her fresher intelligence of her former friends than she had been -in the way of procuring. - -Mrs. Gardiner had seen Pemberley, and known the late Mr. Darcy by -character perfectly well. Here, consequently, was an inexhaustible -subject of discourse. In comparing her recollection of Pemberley with -the minute description which Wickham could give, and in bestowing her -tribute of praise on the character of its late possessor, she was -delighting both him and herself. On being made acquainted with the -present Mr. Darcy’s treatment of him, she tried to remember something of -that gentleman’s reputed disposition, when quite a lad, which might -agree with it; and was confident, at last, that she recollected having -heard Mr. Fitzwilliam Darcy formerly spoken of as a very proud, -ill-natured boy. - - - - -[Illustration: - - “Will you come and see me?” -] - - - - -CHAPTER XXVI. - - -[Illustration] - -Mrs. Gardiner’s caution to Elizabeth was punctually and kindly given on -the first favourable opportunity of speaking to her alone: after -honestly telling her what she thought, she thus went on:-- - -“You are too sensible a girl, Lizzy, to fall in love merely because you -are warned against it; and, therefore, I am not afraid of speaking -openly. Seriously, I would have you be on your guard. Do not involve -yourself, or endeavour to involve him, in an affection which the want of -fortune would make so very imprudent. I have nothing to say against -_him_: he is a most interesting young man; and if he had the fortune he -ought to have, I should think you could not do better. But as it is--you -must not let your fancy run away with you. You have sense, and we all -expect you to use it. Your father would depend on _your_ resolution and -good conduct, I am sure. You must not disappoint your father.” - -“My dear aunt, this is being serious indeed.” - -“Yes, and I hope to engage you to be serious likewise.” - -“Well, then, you need not be under any alarm. I will take care of -myself, and of Mr. Wickham too. He shall not be in love with me, if I -can prevent it.” - -“Elizabeth, you are not serious now.” - -“I beg your pardon. I will try again. At present I am not in love with -Mr. Wickham; no, I certainly am not. But he is, beyond all comparison, -the most agreeable man I ever saw--and if he becomes really attached to -me--I believe it will be better that he should not. I see the imprudence -of it. Oh, _that_ abominable Mr. Darcy! My father’s opinion of me does -me the greatest honour; and I should be miserable to forfeit it. My -father, however, is partial to Mr. Wickham. In short, my dear aunt, I -should be very sorry to be the means of making any of you unhappy; but -since we see, every day, that where there is affection young people are -seldom withheld, by immediate want of fortune, from entering into -engagements with each other, how can I promise to be wiser than so many -of my fellow-creatures, if I am tempted, or how am I even to know that -it would be wiser to resist? All that I can promise you, therefore, is -not to be in a hurry. I will not be in a hurry to believe myself his -first object. When I am in company with him, I will not be wishing. In -short, I will do my best.” - -“Perhaps it will be as well if you discourage his coming here so very -often. At least you should not _remind_ your mother of inviting him.” - -“As I did the other day,” said Elizabeth, with a conscious smile; “very -true, it will be wise in me to refrain from _that_. But do not imagine -that he is always here so often. It is on your account that he has been -so frequently invited this week. You know my mother’s ideas as to the -necessity of constant company for her friends. But really, and upon my -honour, I will try to do what I think to be wisest; and now I hope you -are satisfied.” - -Her aunt assured her that she was; and Elizabeth, having thanked her for -the kindness of her hints, they parted,--a wonderful instance of advice -being given on such a point without being resented. - -Mr. Collins returned into Hertfordshire soon after it had been quitted -by the Gardiners and Jane; but, as he took up his abode with the -Lucases, his arrival was no great inconvenience to Mrs. Bennet. His -marriage was now fast approaching; and she was at length so far resigned -as to think it inevitable, and even repeatedly to say, in an ill-natured -tone, that she “_wished_ they might be happy.” Thursday was to be the -wedding-day, and on Wednesday Miss Lucas paid her farewell visit; and -when she rose to take leave, Elizabeth, ashamed of her mother’s -ungracious and reluctant good wishes, and sincerely affected herself, -accompanied her out of the room. As they went down stairs together, -Charlotte said,-- - -“I shall depend on hearing from you very often, Eliza.” - -“_That_ you certainly shall.” - -“And I have another favour to ask. Will you come and see me?” - -“We shall often meet, I hope, in Hertfordshire.” - -“I am not likely to leave Kent for some time. Promise me, therefore, to -come to Hunsford.” - -Elizabeth could not refuse, though she foresaw little pleasure in the -visit. - -“My father and Maria are to come to me in March,” added Charlotte, “and -I hope you will consent to be of the party. Indeed, Eliza, you will be -as welcome to me as either of them.” - -The wedding took place: the bride and bridegroom set off for Kent from -the church door, and everybody had as much to say or to hear on the -subject as usual. Elizabeth soon heard from her friend, and their -correspondence was as regular and frequent as it ever had been: that it -should be equally unreserved was impossible. Elizabeth could never -address her without feeling that all the comfort of intimacy was over; -and, though determined not to slacken as a correspondent, it was for the -sake of what had been rather than what was. Charlotte’s first letters -were received with a good deal of eagerness: there could not but be -curiosity to know how she would speak of her new home, how she would -like Lady Catherine, and how happy she would dare pronounce herself to -be; though, when the letters were read, Elizabeth felt that Charlotte -expressed herself on every point exactly as she might have foreseen. She -wrote cheerfully, seemed surrounded with comforts, and mentioned nothing -which she could not praise. The house, furniture, neighbourhood, and -roads, were all to her taste, and Lady Catherine’s behaviour was most -friendly and obliging. It was Mr. Collins’s picture of Hunsford and -Rosings rationally softened; and Elizabeth perceived that she must wait -for her own visit there, to know the rest. - -Jane had already written a few lines to her sister, to announce their -safe arrival in London; and when she wrote again, Elizabeth hoped it -would be in her power to say something of the Bingleys. - -Her impatience for this second letter was as well rewarded as impatience -generally is. Jane had been a week in town, without either seeing or -hearing from Caroline. She accounted for it, however, by supposing that -her last letter to her friend from Longbourn had by some accident been -lost. - -“My aunt,” she continued, “is going to-morrow into that part of the -town, and I shall take the opportunity of calling in Grosvenor Street.” - -She wrote again when the visit was paid, and she had seen Miss Bingley. -“I did not think Caroline in spirits,” were her words, “but she was very -glad to see me, and reproached me for giving her no notice of my coming -to London. I was right, therefore; my last letter had never reached her. -I inquired after their brother, of course. He was well, but so much -engaged with Mr. Darcy that they scarcely ever saw him. I found that -Miss Darcy was expected to dinner: I wish I could see her. My visit was -not long, as Caroline and Mrs. Hurst were going out. I dare say I shall -soon see them here.” - -Elizabeth shook her head over this letter. It convinced her that -accident only could discover to Mr. Bingley her sister’s being in town. - -Four weeks passed away, and Jane saw nothing of him. She endeavoured to -persuade herself that she did not regret it; but she could no longer be -blind to Miss Bingley’s inattention. After waiting at home every morning -for a fortnight, and inventing every evening a fresh excuse for her, the -visitor did at last appear; but the shortness of her stay, and, yet -more, the alteration of her manner, would allow Jane to deceive herself -no longer. The letter which she wrote on this occasion to her sister -will prove what she felt:-- - - “My dearest Lizzy will, I am sure, be incapable of triumphing in - her better judgment, at my expense, when I confess myself to have - been entirely deceived in Miss Bingley’s regard for me. But, my - dear sister, though the event has proved you right, do not think me - obstinate if I still assert that, considering what her behaviour - was, my confidence was as natural as your suspicion. I do not at - all comprehend her reason for wishing to be intimate with me; but, - if the same circumstances were to happen again, I am sure I should - be deceived again. Caroline did not return my visit till yesterday; - and not a note, not a line, did I receive in the meantime. When she - did come, it was very evident that she had no pleasure in it; she - made a slight, formal apology for not calling before, said not a - word of wishing to see me again, and was, in every respect, so - altered a creature, that when she went away I was perfectly - resolved to continue the acquaintance no longer. I pity, though I - cannot help blaming, her. She was very wrong in singling me out as - she did; I can safely say, that every advance to intimacy began on - her side. But I pity her, because she must feel that she has been - acting wrong, and because I am very sure that anxiety for her - brother is the cause of it. I need not explain myself farther; and - though _we_ know this anxiety to be quite needless, yet if she - feels it, it will easily account for her behaviour to me; and so - deservedly dear as he is to his sister, whatever anxiety she may - feel on his behalf is natural and amiable. I cannot but wonder, - however, at her having any such fears now, because if he had at all - cared about me, we must have met long, long ago. He knows of my - being in town, I am certain, from something she said herself; and - yet it would seem, by her manner of talking, as if she wanted to - persuade herself that he is really partial to Miss Darcy. I cannot - understand it. If I were not afraid of judging harshly, I should be - almost tempted to say, that there is a strong appearance of - duplicity in all this. I will endeavour to banish every painful - thought, and think only of what will make me happy, your affection, - and the invariable kindness of my dear uncle and aunt. Let me hear - from you very soon. Miss Bingley said something of his never - returning to Netherfield again, of giving up the house, but not - with any certainty. We had better not mention it. I am extremely - glad that you have such pleasant accounts from our friends at - Hunsford. Pray go to see them, with Sir William and Maria. I am - sure you will be very comfortable there. - -“Yours, etc.” - -This letter gave Elizabeth some pain; but her spirits returned, as she -considered that Jane would no longer be duped, by the sister at least. -All expectation from the brother was now absolutely over. She would not -even wish for any renewal of his attentions. His character sunk on every -review of it; and, as a punishment for him, as well as a possible -advantage to Jane, she seriously hoped he might really soon marry Mr. -Darcy’s sister, as, by Wickham’s account, she would make him abundantly -regret what he had thrown away. - -Mrs. Gardiner about this time reminded Elizabeth of her promise -concerning that gentleman, and required information; and Elizabeth had -such to send as might rather give contentment to her aunt than to -herself. His apparent partiality had subsided, his attentions were over, -he was the admirer of some one else. Elizabeth was watchful enough to -see it all, but she could see it and write of it without material pain. -Her heart had been but slightly touched, and her vanity was satisfied -with believing that _she_ would have been his only choice, had fortune -permitted it. The sudden acquisition of ten thousand pounds was the most -remarkable charm of the young lady to whom he was now rendering himself -agreeable; but Elizabeth, less clear-sighted perhaps in this case than -in Charlotte’s, did not quarrel with him for his wish of independence. -Nothing, on the contrary, could be more natural; and, while able to -suppose that it cost him a few struggles to relinquish her, she was -ready to allow it a wise and desirable measure for both, and could very -sincerely wish him happy. - -All this was acknowledged to Mrs. Gardiner; and, after relating the -circumstances, she thus went on:--“I am now convinced, my dear aunt, -that I have never been much in love; for had I really experienced that -pure and elevating passion, I should at present detest his very name, -and wish him all manner of evil. But my feelings are not only cordial -towards _him_, they are even impartial towards Miss King. I cannot find -out that I hate her at all, or that I am in the least unwilling to think -her a very good sort of girl. There can be no love in all this. My -watchfulness has been effectual; and though I should certainly be a more -interesting object to all my acquaintance, were I distractedly in love -with him, I cannot say that I regret my comparative insignificance. -Importance may sometimes be purchased too dearly. Kitty and Lydia take -his defection much more to heart than I do. They are young in the ways -of the world, and not yet open to the mortifying conviction that -handsome young men must have something to live on as well as the -plain.” - - - - -[Illustration: - - “On the Stairs” -] - - - - -CHAPTER XXVII. - - -[Illustration] - -With no greater events than these in the Longbourn family, and otherwise -diversified by little beyond the walks to Meryton, sometimes dirty and -sometimes cold, did January and February pass away. March was to take -Elizabeth to Hunsford. She had not at first thought very seriously of -going thither; but Charlotte, she soon found, was depending on the -plan, and she gradually learned to consider it herself with greater -pleasure as well as greater certainty. Absence had increased her desire -of seeing Charlotte again, and weakened her disgust of Mr. Collins. -There was novelty in the scheme; and as, with such a mother and such -uncompanionable sisters, home could not be faultless, a little change -was not unwelcome for its own sake. The journey would, moreover, give -her a peep at Jane; and, in short, as the time drew near, she would have -been very sorry for any delay. Everything, however, went on smoothly, -and was finally settled according to Charlotte’s first sketch. She was -to accompany Sir William and his second daughter. The improvement of -spending a night in London was added in time, and the plan became as -perfect as plan could be. - -The only pain was in leaving her father, who would certainly miss her, -and who, when it came to the point, so little liked her going, that he -told her to write to him, and almost promised to answer her letter. - -The farewell between herself and Mr. Wickham was perfectly friendly; on -his side even more. His present pursuit could not make him forget that -Elizabeth had been the first to excite and to deserve his attention, the -first to listen and to pity, the first to be admired; and in his manner -of bidding her adieu, wishing her every enjoyment, reminding her of what -she was to expect in Lady Catherine de Bourgh, and trusting their -opinion of her--their opinion of everybody--would always coincide, there -was a solicitude, an interest, which she felt must ever attach her to -him with a most sincere regard; and she parted from him convinced, that, -whether married or single, he must always be her model of the amiable -and pleasing. - -Her fellow-travellers the next day were not of a kind to make her think -him less agreeable. Sir William Lucas, and his daughter Maria, a -good-humoured girl, but as empty-headed as himself, had nothing to say -that could be worth hearing, and were listened to with about as much -delight as the rattle of the chaise. Elizabeth loved absurdities, but -she had known Sir William’s too long. He could tell her nothing new of -the wonders of his presentation and knighthood; and his civilities were -worn out, like his information. - -It was a journey of only twenty-four miles, and they began it so early -as to be in Gracechurch Street by noon. As they drove to Mr. Gardiner’s -door, Jane was at a drawing-room window watching their arrival: when -they entered the passage, she was there to welcome them, and Elizabeth, -looking earnestly in her face, was pleased to see it healthful and -lovely as ever. On the stairs were a troop of little boys and girls, -whose eagerness for their cousin’s appearance would not allow them to -wait in the drawing-room, and whose shyness, as they had not seen her -for a twelvemonth, prevented their coming lower. All was joy and -kindness. The day passed most pleasantly away; the morning in bustle and -shopping, and the evening at one of the theatres. - -Elizabeth then contrived to sit by her aunt. Their first subject was her -sister; and she was more grieved than astonished to hear, in reply to -her minute inquiries, that though Jane always struggled to support her -spirits, there were periods of dejection. It was reasonable, however, to -hope that they would not continue long. Mrs. Gardiner gave her the -particulars also of Miss Bingley’s visit in Gracechurch Street, and -repeated conversations occurring at different times between Jane and -herself, which proved that the former had, from her heart, given up the -acquaintance. - -Mrs. Gardiner then rallied her niece on Wickham’s desertion, and -complimented her on bearing it so well. - -“But, my dear Elizabeth,” she added, “what sort of girl is Miss King? I -should be sorry to think our friend mercenary.” - -“Pray, my dear aunt, what is the difference in matrimonial affairs, -between the mercenary and the prudent motive? Where does discretion end, -and avarice begin? Last Christmas you were afraid of his marrying me, -because it would be imprudent; and now, because he is trying to get a -girl with only ten thousand pounds, you want to find out that he is -mercenary.” - -“If you will only tell me what sort of girl Miss King is, I shall know -what to think.” - -“She is a very good kind of girl, I believe. I know no harm of her.” - -“But he paid her not the smallest attention till her grandfather’s death -made her mistress of this fortune?” - -“No--why should he? If it were not allowable for him to gain _my_ -affections, because I had no money, what occasion could there be for -making love to a girl whom he did not care about, and who was equally -poor?” - -“But there seems indelicacy in directing his attentions towards her so -soon after this event.” - -“A man in distressed circumstances has not time for all those elegant -decorums which other people may observe. If _she_ does not object to it, -why should _we_?” - -“_Her_ not objecting does not justify _him_. It only shows her being -deficient in something herself--sense or feeling.” - -“Well,” cried Elizabeth, “have it as you choose. _He_ shall be -mercenary, and _she_ shall be foolish.” - -“No, Lizzy, that is what I do _not_ choose. I should be sorry, you know, -to think ill of a young man who has lived so long in Derbyshire.” - -“Oh, if that is all, I have a very poor opinion of young men who live in -Derbyshire; and their intimate friends who live in Hertfordshire are not -much better. I am sick of them all. Thank heaven! I am going to-morrow -where I shall find a man who has not one agreeable quality, who has -neither manners nor sense to recommend him. Stupid men are the only ones -worth knowing, after all.” - -“Take care, Lizzy; that speech savours strongly of disappointment.” - -Before they were separated by the conclusion of the play, she had the -unexpected happiness of an invitation to accompany her uncle and aunt in -a tour of pleasure which they proposed taking in the summer. - -“We have not quite determined how far it shall carry us,” said Mrs. -Gardiner; “but perhaps, to the Lakes.” - -No scheme could have been more agreeable to Elizabeth, and her -acceptance of the invitation was most ready and grateful. “My dear, dear -aunt,” she rapturously cried, “what delight! what felicity! You give me -fresh life and vigour. Adieu to disappointment and spleen. What are men -to rocks and mountains? Oh, what hours of transport we shall spend! And -when we _do_ return, it shall not be like other travellers, without -being able to give one accurate idea of anything. We _will_ know where -we have gone--we _will_ recollect what we have seen. Lakes, mountains, -and rivers, shall not be jumbled together in our imaginations; nor, when -we attempt to describe any particular scene, will we begin quarrelling -about its relative situation. Let _our_ first effusions be less -insupportable than those of the generality of travellers.” - - - - -[Illustration: - - “At the door” -] - - - - -CHAPTER XXVIII. - - -[Illustration] - -Every object in the next day’s journey was new and interesting to -Elizabeth; and her spirits were in a state of enjoyment; for she had -seen her sister looking so well as to banish all fear for her health, -and the prospect of her northern tour was a constant source of delight. - -When they left the high road for the lane to Hunsford, every eye was in -search of the Parsonage, and every turning expected to bring it in view. -The paling of Rosings park was their boundary on one side. Elizabeth -smiled at the recollection of all that she had heard of its inhabitants. - -At length the Parsonage was discernible. The garden sloping to the -road, the house standing in it, the green pales and the laurel hedge, -everything declared they were arriving. Mr. Collins and Charlotte -appeared at the door, and the carriage stopped at the small gate, which -led by a short gravel walk to the house, amidst the nods and smiles of -the whole party. In a moment they were all out of the chaise, rejoicing -at the sight of each other. Mrs. Collins welcomed her friend with the -liveliest pleasure, and Elizabeth was more and more satisfied with -coming, when she found herself so affectionately received. She saw -instantly that her cousin’s manners were not altered by his marriage: -his formal civility was just what it had been; and he detained her some -minutes at the gate to hear and satisfy his inquiries after all her -family. They were then, with no other delay than his pointing out the -neatness of the entrance, taken into the house; and as soon as they were -in the parlour, he welcomed them a second time, with ostentatious -formality, to his humble abode, and punctually repeated all his wife’s -offers of refreshment. - -Elizabeth was prepared to see him in his glory; and she could not help -fancying that in displaying the good proportion of the room, its aspect, -and its furniture, he addressed himself particularly to her, as if -wishing to make her feel what she had lost in refusing him. But though -everything seemed neat and comfortable, she was not able to gratify him -by any sigh of repentance; and rather looked with wonder at her friend, -that she could have so cheerful an air with such a companion. When Mr. -Collins said anything of which his wife might reasonably be ashamed, -which certainly was not seldom, she involuntarily turned her eye on -Charlotte. Once or twice she could discern a faint blush; but in general -Charlotte wisely did not hear. After sitting long enough to admire -every article of furniture in the room, from the sideboard to the -fender, to give an account of their journey, and of all that had -happened in London, Mr. Collins invited them to take a stroll in the -garden, which was large and well laid out, and to the cultivation of -which he attended himself. To work in his garden was one of his most -respectable pleasures; and Elizabeth admired the command of countenance -with which Charlotte talked of the healthfulness of the exercise, and -owned she encouraged it as much as possible. Here, leading the way -through every walk and cross walk, and scarcely allowing them an -interval to utter the praises he asked for, every view was pointed out -with a minuteness which left beauty entirely behind. He could number the -fields in every direction, and could tell how many trees there were in -the most distant clump. But of all the views which his garden, or which -the country or the kingdom could boast, none were to be compared with -the prospect of Rosings, afforded by an opening in the trees that -bordered the park nearly opposite the front of his house. It was a -handsome modern building, well situated on rising ground. - -From his garden, Mr. Collins would have led them round his two meadows; -but the ladies, not having shoes to encounter the remains of a white -frost, turned back; and while Sir William accompanied him, Charlotte -took her sister and friend over the house, extremely well pleased, -probably, to have the opportunity of showing it without her husband’s -help. It was rather small, but well built and convenient; and everything -was fitted up and arranged with a neatness and consistency, of which -Elizabeth gave Charlotte all the credit. When Mr. Collins could be -forgotten, there was really a great air of comfort throughout, and by -Charlotte’s evident enjoyment of it, Elizabeth supposed he must be often -forgotten. - -She had already learnt that Lady Catherine was still in the country. It -was spoken of again while they were at dinner, when Mr. Collins joining -in, observed,-- - -“Yes, Miss Elizabeth, you will have the honour of seeing Lady Catherine -de Bourgh on the ensuing Sunday at church, and I need not say you will -be delighted with her. She is all affability and condescension, and I -doubt not but you will be honoured with some portion of her notice when -service is over. I have scarcely any hesitation in saying that she will -include you and my sister Maria in every invitation with which she -honours us during your stay here. Her behaviour to my dear Charlotte is -charming. We dine at Rosings twice every week, and are never allowed to -walk home. Her Ladyship’s carriage is regularly ordered for us. I -_should_ say, one of her Ladyship’s carriages, for she has several.” - -“Lady Catherine is a very respectable, sensible woman, indeed,” added -Charlotte, “and a most attentive neighbour.” - -“Very true, my dear, that is exactly what I say. She is the sort of -woman whom one cannot regard with too much deference.” - -The evening was spent chiefly in talking over Hertfordshire news, and -telling again what had been already written; and when it closed, -Elizabeth, in the solitude of her chamber, had to meditate upon -Charlotte’s degree of contentment, to understand her address in guiding, -and composure in bearing with, her husband, and to acknowledge that it -was all done very well. She had also to anticipate how her visit would -pass, the quiet tenour of their usual employments, the vexatious -interruptions of Mr. Collins, and the gaieties of their intercourse -with Rosings. A lively imagination soon settled it all. - -About the middle of the next day, as she was in her room getting ready -for a walk, a sudden noise below seemed to speak the whole house in -confusion; and, after listening a moment, she heard somebody running -upstairs in a violent hurry, and calling loudly after her. She opened -the door, and met Maria in the landing-place, who, breathless with -agitation, cried out,-- - -[Illustration: - - “In Conversation with the ladies” - -[Copyright 1894 by George Allen.]] - -“Oh, my dear Eliza! pray make haste and come into the dining-room, for -there is such a sight to be seen! I will not tell you what it is. Make -haste, and come down this moment.” - -Elizabeth asked questions in vain; Maria would tell her nothing more; -and down they ran into the dining-room which fronted the lane, in quest -of this wonder; it was two ladies, stopping in a low phaeton at the -garden gate. - -“And is this all?” cried Elizabeth. “I expected at least that the pigs -were got into the garden, and here is nothing but Lady Catherine and her -daughter!” - -“La! my dear,” said Maria, quite shocked at the mistake, “it is not Lady -Catherine. The old lady is Mrs. Jenkinson, who lives with them. The -other is Miss De Bourgh. Only look at her. She is quite a little -creature. Who would have thought she could be so thin and small!” - -“She is abominably rude to keep Charlotte out of doors in all this wind. -Why does she not come in?” - -“Oh, Charlotte says she hardly ever does. It is the greatest of favours -when Miss De Bourgh comes in.” - -“I like her appearance,” said Elizabeth, struck with other ideas. “She -looks sickly and cross. Yes, she will do for him very well. She will -make him a very proper wife.” - -Mr. Collins and Charlotte were both standing at the gate in conversation -with the ladies; and Sir William, to Elizabeth’s high diversion, was -stationed in the doorway, in earnest contemplation of the greatness -before him, and constantly bowing whenever Miss De Bourgh looked that -way. - -At length there was nothing more to be said; the ladies drove on, and -the others returned into the house. Mr. Collins no sooner saw the two -girls than he began to congratulate them on their good fortune, which -Charlotte explained by letting them know that the whole party was asked -to dine at Rosings the next day. - - - - -[Illustration: - - ‘Lady Catherine, said she, you have given me a treasure.’ - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER XXIX. - - -[Illustration] - -Mr. Collins’s triumph, in consequence of this invitation, was complete. -The power of displaying the grandeur of his patroness to his wondering -visitors, and of letting them see her civility towards himself and his -wife, was exactly what he had wished for; and that an opportunity of -doing it should be given so soon was such an instance of Lady -Catherine’s condescension as he knew not how to admire enough. - -“I confess,” said he, “that I should not have been at all surprised by -her Ladyship’s asking us on Sunday to drink tea and spend the evening -at Rosings. I rather expected, from my knowledge of her affability, that -it would happen. But who could have foreseen such an attention as this? -Who could have imagined that we should receive an invitation to dine -there (an invitation, moreover, including the whole party) so -immediately after your arrival?” - -“I am the less surprised at what has happened,” replied Sir William, -“from that knowledge of what the manners of the great really are, which -my situation in life has allowed me to acquire. About the court, such -instances of elegant breeding are not uncommon.” - -Scarcely anything was talked of the whole day or next morning but their -visit to Rosings. Mr. Collins was carefully instructing them in what -they were to expect, that the sight of such rooms, so many servants, and -so splendid a dinner, might not wholly overpower them. - -When the ladies were separating for the toilette, he said to -Elizabeth,-- - -“Do not make yourself uneasy, my dear cousin, about your apparel. Lady -Catherine is far from requiring that elegance of dress in us which -becomes herself and daughter. I would advise you merely to put on -whatever of your clothes is superior to the rest--there is no occasion -for anything more. Lady Catherine will not think the worse of you for -being simply dressed. She likes to have the distinction of rank -preserved.” - -While they were dressing, he came two or three times to their different -doors, to recommend their being quick, as Lady Catherine very much -objected to be kept waiting for her dinner. Such formidable accounts of -her Ladyship, and her manner of living, quite frightened Maria Lucas, -who had been little used to company; and she looked forward to her -introduction at Rosings with as much apprehension as her father had done -to his presentation at St. James’s. - -As the weather was fine, they had a pleasant walk of about half a mile -across the park. Every park has its beauty and its prospects; and -Elizabeth saw much to be pleased with, though she could not be in such -raptures as Mr. Collins expected the scene to inspire, and was but -slightly affected by his enumeration of the windows in front of the -house, and his relation of what the glazing altogether had originally -cost Sir Lewis de Bourgh. - -When they ascended the steps to the hall, Maria’s alarm was every moment -increasing, and even Sir William did not look perfectly calm. -Elizabeth’s courage did not fail her. She had heard nothing of Lady -Catherine that spoke her awful from any extraordinary talents or -miraculous virtue, and the mere stateliness of money and rank she -thought she could witness without trepidation. - -From the entrance hall, of which Mr. Collins pointed out, with a -rapturous air, the fine proportion and finished ornaments, they followed -the servants through an antechamber to the room where Lady Catherine, -her daughter, and Mrs. Jenkinson were sitting. Her Ladyship, with great -condescension, arose to receive them; and as Mrs. Collins had settled it -with her husband that the office of introduction should be hers, it was -performed in a proper manner, without any of those apologies and thanks -which he would have thought necessary. - -In spite of having been at St. James’s, Sir William was so completely -awed by the grandeur surrounding him, that he had but just courage -enough to make a very low bow, and take his seat without saying a word; -and his daughter, frightened almost out of her senses, sat on the edge -of her chair, not knowing which way to look. Elizabeth found herself -quite equal to the scene, and could observe the three ladies before her -composedly. Lady Catherine was a tall, large woman, with strongly-marked -features, which might once have been handsome. Her air was not -conciliating, nor was her manner of receiving them such as to make her -visitors forget their inferior rank. She was not rendered formidable by -silence: but whatever she said was spoken in so authoritative a tone as -marked her self-importance, and brought Mr. Wickham immediately to -Elizabeth’s mind; and, from the observation of the day altogether, she -believed Lady Catherine to be exactly what he had represented. - -When, after examining the mother, in whose countenance and deportment -she soon found some resemblance of Mr. Darcy, she turned her eyes on the -daughter, she could almost have joined in Maria’s astonishment at her -being so thin and so small. There was neither in figure nor face any -likeness between the ladies. Miss de Bourgh was pale and sickly: her -features, though not plain, were insignificant; and she spoke very -little, except in a low voice, to Mrs. Jenkinson, in whose appearance -there was nothing remarkable, and who was entirely engaged in listening -to what she said, and placing a screen in the proper direction before -her eyes. - -After sitting a few minutes, they were all sent to one of the windows to -admire the view, Mr. Collins attending them to point out its beauties, -and Lady Catherine kindly informing them that it was much better worth -looking at in the summer. - -The dinner was exceedingly handsome, and there were all the servants, -and all the articles of plate which Mr. Collins had promised; and, as he -had likewise foretold, he took his seat at the bottom of the table, by -her Ladyship’s desire, and looked as if he felt that life could furnish -nothing greater. He carved and ate and praised with delighted alacrity; -and every dish was commended first by him, and then by Sir William, who -was now enough recovered to echo whatever his son-in-law said, in a -manner which Elizabeth wondered Lady Catherine could bear. But Lady -Catherine seemed gratified by their excessive admiration, and gave most -gracious smiles, especially when any dish on the table proved a novelty -to them. The party did not supply much conversation. Elizabeth was ready -to speak whenever there was an opening, but she was seated between -Charlotte and Miss de Bourgh--the former of whom was engaged in -listening to Lady Catherine, and the latter said not a word to her all -the dinnertime. Mrs. Jenkinson was chiefly employed in watching how -little Miss de Bourgh ate, pressing her to try some other dish and -fearing she was indisposed. Maria thought speaking out of the question, -and the gentlemen did nothing but eat and admire. - -When the ladies returned to the drawing-room, there was little to be -done but to hear Lady Catherine talk, which she did without any -intermission till coffee came in, delivering her opinion on every -subject in so decisive a manner as proved that she was not used to have -her judgment controverted. She inquired into Charlotte’s domestic -concerns familiarly and minutely, and gave her a great deal of advice as -to the management of them all; told her how everything ought to be -regulated in so small a family as hers, and instructed her as to the -care of her cows and her poultry. Elizabeth found that nothing was -beneath this great lady’s attention which could furnish her with an -occasion for dictating to others. In the intervals of her discourse with -Mrs. Collins, she addressed a variety of questions to Maria and -Elizabeth, but especially to the latter, of whose connections she knew -the least, and who, she observed to Mrs. Collins, was a very genteel, -pretty kind of girl. She asked her at different times how many sisters -she had, whether they were older or younger than herself, whether any of -them were likely to be married, whether they were handsome, where they -had been educated, what carriage her father kept, and what had been her -mother’s maiden name? Elizabeth felt all the impertinence of her -questions, but answered them very composedly. Lady Catherine then -observed,-- - -“Your father’s estate is entailed on Mr. Collins, I think? For your -sake,” turning to Charlotte, “I am glad of it; but otherwise I see no -occasion for entailing estates from the female line. It was not thought -necessary in Sir Lewis de Bourgh’s family. Do you play and sing, Miss -Bennet?” - -“A little.” - -“Oh then--some time or other we shall be happy to hear you. Our -instrument is a capital one, probably superior to ---- you shall try it -some day. Do your sisters play and sing?” - -“One of them does.” - -“Why did not you all learn? You ought all to have learned. The Miss -Webbs all play, and their father has not so good an income as yours. Do -you draw?” - -“No, not at all.” - -“What, none of you?” - -“Not one.” - -“That is very strange. But I suppose you had no opportunity. Your mother -should have taken you to town every spring for the benefit of masters.” - -“My mother would have no objection, but my father hates London.” - -“Has your governess left you?” - -“We never had any governess.” - -“No governess! How was that possible? Five daughters brought up at home -without a governess! I never heard of such a thing. Your mother must -have been quite a slave to your education.” - -Elizabeth could hardly help smiling, as she assured her that had not -been the case. - -“Then who taught you? who attended to you? Without a governess, you must -have been neglected.” - -“Compared with some families, I believe we were; but such of us as -wished to learn never wanted the means. We were always encouraged to -read, and had all the masters that were necessary. Those who chose to be -idle certainly might.” - -“Ay, no doubt: but that is what a governess will prevent; and if I had -known your mother, I should have advised her most strenuously to engage -one. I always say that nothing is to be done in education without steady -and regular instruction, and nobody but a governess can give it. It is -wonderful how many families I have been the means of supplying in that -way. I am always glad to get a young person well placed out. Four nieces -of Mrs. Jenkinson are most delightfully situated through my means; and -it was but the other day that I recommended another young person, who -was merely accidentally mentioned to me, and the family are quite -delighted with her. Mrs. Collins, did I tell you of Lady Metcalfe’s -calling yesterday to thank me? She finds Miss Pope a treasure. ‘Lady -Catherine,’ said she, ‘you have given me a treasure.’ Are any of your -younger sisters out, Miss Bennet?” - -“Yes, ma’am, all.” - -“All! What, all five out at once? Very odd! And you only the second. The -younger ones out before the elder are married! Your younger sisters must -be very young?” - -“Yes, my youngest is not sixteen. Perhaps _she_ is full young to be much -in company. But really, ma’am, I think it would be very hard upon -younger sisters that they should not have their share of society and -amusement, because the elder may not have the means or inclination to -marry early. The last born has as good a right to the pleasures of youth -as the first. And to be kept back on _such_ a motive! I think it would -not be very likely to promote sisterly affection or delicacy of mind.” - -“Upon my word,” said her Ladyship, “you give your opinion very decidedly -for so young a person. Pray, what is your age?” - -“With three younger sisters grown up,” replied Elizabeth, smiling, “your -Ladyship can hardly expect me to own it.” - -Lady Catherine seemed quite astonished at not receiving a direct answer; -and Elizabeth suspected herself to be the first creature who had ever -dared to trifle with so much dignified impertinence. - -“You cannot be more than twenty, I am sure,--therefore you need not -conceal your age.” - -“I am not one-and-twenty.” - -When the gentlemen had joined them, and tea was over, the card tables -were placed. Lady Catherine, Sir William, and Mr. and Mrs. Collins sat -down to quadrille; and as Miss De Bourgh chose to play at cassino, the -two girls had the honour of assisting Mrs. Jenkinson to make up her -party. Their table was superlatively stupid. Scarcely a syllable was -uttered that did not relate to the game, except when Mrs. Jenkinson -expressed her fears of Miss De Bourgh’s being too hot or too cold, or -having too much or too little light. A great deal more passed at the -other table. Lady Catherine was generally speaking--stating the mistakes -of the three others, or relating some anecdote of herself. Mr. Collins -was employed in agreeing to everything her Ladyship said, thanking her -for every fish he won, and apologizing if he thought he won too many. -Sir William did not say much. He was storing his memory with anecdotes -and noble names. - -When Lady Catherine and her daughter had played as long as they chose, -the tables were broken up, the carriage was offered to Mrs. Collins, -gratefully accepted, and immediately ordered. The party then gathered -round the fire to hear Lady Catherine determine what weather they were -to have on the morrow. From these instructions they were summoned by the -arrival of the coach; and with many speeches of thankfulness on Mr. -Collins’s side, and as many bows on Sir William’s, they departed. As -soon as they had driven from the door, Elizabeth was called on by her -cousin to give her opinion of all that she had seen at Rosings, which, -for Charlotte’s sake, she made more favourable than it really was. But -her commendation, though costing her some trouble, could by no means -satisfy Mr. Collins, and he was very soon obliged to take her Ladyship’s -praise into his own hands. - - - - -[Illustration] - - - - -CHAPTER XXX. - - -[Illustration] - -Sir William stayed only a week at Hunsford; but his visit was long -enough to convince him of his daughter’s being most comfortably settled, -and of her possessing such a husband and such a neighbour as were not -often met with. While Sir William was with them, Mr. Collins devoted his -mornings to driving him out in his gig, and showing him the country: but -when he went away, the whole family returned to their usual employments, -and Elizabeth was thankful to find that they did not see more of her -cousin by the alteration; for the chief of the time between breakfast -and dinner was now passed by him either at work in the garden, or in -reading and writing, and looking out of window in his own book room, -which fronted the road. The room in which the ladies sat was backwards. -Elizabeth at first had rather wondered that Charlotte should not prefer -the dining parlour for common use; it was a better sized room, and had a -pleasanter aspect: but she soon saw that her friend had an excellent -reason for what she did, for Mr. Collins would undoubtedly have been -much less in his own apartment had they sat in one equally lively; and -she gave Charlotte credit for the arrangement. - -From the drawing-room they could distinguish nothing in the lane, and -were indebted to Mr. Collins for the knowledge of what carriages went -along, and how often especially Miss De Bourgh drove by in her phaeton, -which he never failed coming to inform them of, though it happened -almost every day. She not unfrequently stopped at the Parsonage, and had -a few minutes’ conversation with Charlotte, but was scarcely ever -prevailed on to get out. - -Very few days passed in which Mr. Collins did not walk to Rosings, and -not many in which his wife did not think it necessary to go likewise; -and till Elizabeth recollected that there might be other family livings -to be disposed of, she could not understand the sacrifice of so many -hours. Now and then they were honoured with a call from her Ladyship, -and nothing escaped her observation that was passing in the room during -these visits. She examined into their employments, looked at their work, -and advised them to do it differently; found fault with the arrangement -of the furniture, or detected the housemaid in negligence; and if she -accepted any refreshment, seemed to do it only for the sake of finding -out that Mrs. Collins’s joints of meat were too large for her family. - -Elizabeth soon perceived, that though this great lady was not in the -commission of the peace for the county, she was a most active magistrate -in her own parish, the minutest concerns of which were carried to her by -Mr. Collins; and whenever any of the cottagers were disposed to be -quarrelsome, discontented, or too poor, she sallied forth into the -village to settle their differences, silence their complaints, and scold -them into harmony and plenty. - -[Illustration: - - “he never failed to inform them” -] - -The entertainment of dining at Rosings was repeated about twice a week; -and, allowing for the loss of Sir William, and there being only one -card-table in the evening, every such entertainment was the counterpart -of the first. Their other engagements were few, as the style of living -of the neighbourhood in general was beyond the Collinses’ reach. This, -however, was no evil to Elizabeth, and upon the whole she spent her time -comfortably enough: there were half hours of pleasant conversation with -Charlotte, and the weather was so fine for the time of year, that she -had often great enjoyment out of doors. Her favourite walk, and where -she frequently went while the others were calling on Lady Catherine, was -along the open grove which edged that side of the park, where there was -a nice sheltered path, which no one seemed to value but herself, and -where she felt beyond the reach of Lady Catherine’s curiosity. - -In this quiet way the first fortnight of her visit soon passed away. -Easter was approaching, and the week preceding it was to bring an -addition to the family at Rosings, which in so small a circle must be -important. Elizabeth had heard, soon after her arrival, that Mr. Darcy -was expected there in the course of a few weeks; and though there were -not many of her acquaintance whom she did not prefer, his coming would -furnish one comparatively new to look at in their Rosings parties, and -she might be amused in seeing how hopeless Miss Bingley’s designs on him -were, by his behaviour to his cousin, for whom he was evidently destined -by Lady Catherine, who talked of his coming with the greatest -satisfaction, spoke of him in terms of the highest admiration, and -seemed almost angry to find that he had already been frequently seen by -Miss Lucas and herself. - -His arrival was soon known at the Parsonage; for Mr. Collins was walking -the whole morning within view of the lodges opening into Hunsford Lane, -in order to have - -[Illustration: - -“The gentlemen accompanied him.” - -[_Copyright 1894 by George Allen._]] - -the earliest assurance of it; and, after making his bow as the carriage -turned into the park, hurried home with the great intelligence. On the -following morning he hastened to Rosings to pay his respects. There were -two nephews of Lady Catherine to require them, for Mr. Darcy had brought -with him a Colonel Fitzwilliam, the younger son of his uncle, Lord ----; -and, to the great surprise of all the party, when Mr. Collins returned, -the gentlemen accompanied him. Charlotte had seen them from her -husband’s room, crossing the road, and immediately running into the -other, told the girls what an honour they might expect, adding,-- - -“I may thank you, Eliza, for this piece of civility. Mr. Darcy would -never have come so soon to wait upon me.” - -Elizabeth had scarcely time to disclaim all right to the compliment -before their approach was announced by the door-bell, and shortly -afterwards the three gentlemen entered the room. Colonel Fitzwilliam, -who led the way, was about thirty, not handsome, but in person and -address most truly the gentleman. Mr. Darcy looked just as he had been -used to look in Hertfordshire, paid his compliments, with his usual -reserve, to Mrs. Collins; and whatever might be his feelings towards her -friend, met her with every appearance of composure. Elizabeth merely -courtesied to him, without saying a word. - -Colonel Fitzwilliam entered into conversation directly, with the -readiness and ease of a well-bred man, and talked very pleasantly; but -his cousin, after having addressed a slight observation on the house and -garden to Mrs. Collins, sat for some time without speaking to anybody. -At length, however, his civility was so far awakened as to inquire of -Elizabeth after the health of her family. She answered him in the usual -way; and, after a moment’s pause, added,-- - -“My eldest sister has been in town these three months. Have you never -happened to see her there?” - -She was perfectly sensible that he never had: but she wished to see -whether he would betray any consciousness of what had passed between the -Bingleys and Jane; and she thought he looked a little confused as he -answered that he had never been so fortunate as to meet Miss Bennet. The -subject was pursued no further, and the gentlemen soon afterwards went -away. - - - - -[Illustration: - -“At Church” -] - - - - -CHAPTER XXXI. - - -[Illustration] - -Colonel Fitzwilliam’s manners were very much admired at the Parsonage, -and the ladies all felt that he must add considerably to the pleasure of -their engagements at Rosings. It was some days, however, before they -received any invitation thither, for while there were visitors in the -house they could not be necessary; and it was not till Easter-day, -almost a week after the gentlemen’s arrival, that they were honoured by -such an attention, and then they were merely asked on leaving church to -come there in the evening. For the last week they had seen very little -of either Lady Catherine or her daughter. Colonel Fitzwilliam had called -at the Parsonage more than once during the time, but Mr. Darcy they had -only seen at church. - -The invitation was accepted, of course, and at a proper hour they joined -the party in Lady Catherine’s drawing-room. Her Ladyship received them -civilly, but it was plain that their company was by no means so -acceptable as when she could get nobody else; and she was, in fact, -almost engrossed by her nephews, speaking to them, especially to Darcy, -much more than to any other person in the room. - -Colonel Fitzwilliam seemed really glad to see them: anything was a -welcome relief to him at Rosings; and Mrs. Collins’s pretty friend had, -moreover, caught his fancy very much. He now seated himself by her, and -talked so agreeably of Kent and Hertfordshire, of travelling and staying -at home, of new books and music, that Elizabeth had never been half so -well entertained in that room before; and they conversed with so much -spirit and flow as to draw the attention of Lady Catherine herself, as -well as of Mr. Darcy. _His_ eyes had been soon and repeatedly turned -towards them with a look of curiosity; and that her Ladyship, after a -while, shared the feeling, was more openly acknowledged, for she did not -scruple to call out,-- - -“What is that you are saying, Fitzwilliam? What is it you are talking -of? What are you telling Miss Bennet? Let me hear what it is.” - -“We were talking of music, madam,” said he, when no longer able to avoid -a reply. - -“Of music! Then pray speak aloud. It is of all subjects my delight. I -must have my share in the conversation, if you are speaking of music. -There are few people in England, I suppose, who have more true -enjoyment of music than myself, or a better natural taste. If I had ever -learnt, I should have been a great proficient. And so would Anne, if her -health had allowed her to apply. I am confident that she would have -performed delightfully. How does Georgiana get on, Darcy?” - -Mr. Darcy spoke with affectionate praise of his sister’s proficiency. - -“I am very glad to hear such a good account of her,” said Lady -Catherine; “and pray tell her from me, that she cannot expect to excel, -if she does not practise a great deal.” - -“I assure you, madam,” he replied, “that she does not need such advice. -She practises very constantly.” - -“So much the better. It cannot be done too much; and when I next write -to her, I shall charge her not to neglect it on any account. I often -tell young ladies, that no excellence in music is to be acquired without -constant practice. I have told Miss Bennet several times, that she will -never play really well, unless she practises more; and though Mrs. -Collins has no instrument, she is very welcome, as I have often told -her, to come to Rosings every day, and play on the pianoforte in Mrs. -Jenkinson’s room. She would be in nobody’s way, you know, in that part -of the house.” - -Mr. Darcy looked a little ashamed of his aunt’s ill-breeding, and made -no answer. - -When coffee was over, Colonel Fitzwilliam reminded Elizabeth of having -promised to play to him; and she sat down directly to the instrument. He -drew a chair near her. Lady Catherine listened to half a song, and then -talked, as before, to her other nephew; till the latter walked away from -her, and moving with his usual deliberation towards the pianoforte, -stationed himself so as to command a full view of the fair performer’s -countenance. Elizabeth saw what he was doing, and at the first -convenient pause turned to him with an arch smile, and said,-- - -“You mean to frighten me, Mr. Darcy, by coming in all this state to hear -me. But I will not be alarmed, though your sister _does_ play so well. -There is a stubbornness about me that never can bear to be frightened at -the will of others. My courage always rises with every attempt to -intimidate me.” - -“I shall not say that you are mistaken,” he replied, “because you could -not really believe me to entertain any design of alarming you; and I -have had the pleasure of your acquaintance long enough to know, that you -find great enjoyment in occasionally professing opinions which, in fact, -are not your own.” - -Elizabeth laughed heartily at this picture of herself, and said to -Colonel Fitzwilliam, “Your cousin will give you a very pretty notion of -me, and teach you not to believe a word I say. I am particularly unlucky -in meeting with a person so well able to expose my real character, in a -part of the world where I had hoped to pass myself off with some degree -of credit. Indeed, Mr. Darcy, it is very ungenerous in you to mention -all that you knew to my disadvantage in Hertfordshire--and, give me -leave to say, very impolitic too--for it is provoking me to retaliate, -and such things may come out as will shock your relations to hear.” - -“I am not afraid of you,” said he, smilingly. - -“Pray let me hear what you have to accuse him of,” cried Colonel -Fitzwilliam. “I should like to know how he behaves among strangers.” - -“You shall hear, then--but prepare for something very dreadful. The -first time of my ever seeing him in Hertfordshire, you must know, was at -a ball--and at this ball, what do you think he did? He danced only four -dances! I am sorry to pain you, but so it was. He danced only four -dances, though gentlemen were scarce; and, to my certain knowledge, more -than one young lady was sitting down in want of a partner. Mr. Darcy, -you cannot deny the fact.” - -“I had not at that time the honour of knowing any lady in the assembly -beyond my own party.” - -“True; and nobody can ever be introduced in a ball-room. Well, Colonel -Fitzwilliam, what do I play next? My fingers wait your orders.” - -“Perhaps,” said Darcy, “I should have judged better had I sought an -introduction, but I am ill-qualified to recommend myself to strangers.” - -“Shall we ask your cousin the reason of this?” said Elizabeth, still -addressing Colonel Fitzwilliam. “Shall we ask him why a man of sense and -education, and who has lived in the world, is ill-qualified to recommend -himself to strangers?” - -“I can answer your question,” said Fitzwilliam, “without applying to -him. It is because he will not give himself the trouble.” - -“I certainly have not the talent which some people possess,” said Darcy, -“of conversing easily with those I have never seen before. I cannot -catch their tone of conversation, or appear interested in their -concerns, as I often see done.” - -“My fingers,” said Elizabeth, “do not move over this instrument in the -masterly manner which I see so many women’s do. They have not the same -force or rapidity, and do not produce the same expression. But then I -have always supposed it to be my own fault--because I would not take -the trouble of practising. It is not that I do not believe _my_ fingers -as capable as any other woman’s of superior execution.” - -Darcy smiled and said, “You are perfectly right. You have employed your -time much better. No one admitted to the privilege of hearing you can -think anything wanting. We neither of us perform to strangers.” - -Here they were interrupted by Lady Catherine, who called out to know -what they were talking of. Elizabeth immediately began playing again. -Lady Catherine approached, and, after listening for a few minutes, said -to Darcy,-- - -“Miss Bennet would not play at all amiss if she practised more, and -could have the advantage of a London master. She has a very good notion -of fingering, though her taste is not equal to Anne’s. Anne would have -been a delightful performer, had her health allowed her to learn.” - -Elizabeth looked at Darcy, to see how cordially he assented to his -cousin’s praise: but neither at that moment nor at any other could she -discern any symptom of love; and from the whole of his behaviour to Miss -De Bourgh she derived this comfort for Miss Bingley, that he might have -been just as likely to marry _her_, had she been his relation. - -Lady Catherine continued her remarks on Elizabeth’s performance, mixing -with them many instructions on execution and taste. Elizabeth received -them with all the forbearance of civility; and at the request of the -gentlemen remained at the instrument till her Ladyship’s carriage was -ready to take them all home. - - - - -[Illustration] - - - - -CHAPTER XXXII. - - -[Illustration] - -Elizabeth was sitting by herself the next morning, and writing to Jane, -while Mrs. Collins and Maria were gone on business into the village, -when she was startled by a ring at the door, the certain signal of a -visitor. As she had heard no carriage, she thought it not unlikely to be -Lady Catherine; and under that apprehension was putting away her -half-finished letter, that she might escape all impertinent questions, -when the door opened, and to her very great surprise Mr. Darcy, and Mr. -Darcy only, entered the room. - -He seemed astonished too on finding her alone, and apologized for his -intrusion, by letting her know that he had understood all the ladies to -be within. - -They then sat down, and when her inquiries after Rosings were made, -seemed in danger of sinking into total silence. It was absolutely -necessary, therefore, to think of something; and in this emergency -recollecting _when_ she had seen him last in Hertfordshire, and feeling -curious to know what he would say on the subject of their hasty -departure, she observed,-- - -“How very suddenly you all quitted Netherfield last November, Mr. Darcy! -It must have been a most agreeable surprise to Mr. Bingley to see you -all after him so soon; for, if I recollect right, he went but the day -before. He and his sisters were well, I hope, when you left London?” - -“Perfectly so, I thank you.” - -She found that she was to receive no other answer; and, after a short -pause, added,-- - -“I think I have understood that Mr. Bingley has not much idea of ever -returning to Netherfield again?” - -“I have never heard him say so; but it is probable that he may spend -very little of his time there in future. He has many friends, and he is -at a time of life when friends and engagements are continually -increasing.” - -“If he means to be but little at Netherfield, it would be better for the -neighbourhood that he should give up the place entirely, for then we -might possibly get a settled family there. But, perhaps, Mr. Bingley did -not take the house so much for the convenience of the neighbourhood as -for his own, and we must expect him to keep or quit it on the same -principle.” - -“I should not be surprised,” said Darcy, “if he were to give it up as -soon as any eligible purchase offers.” - -Elizabeth made no answer. She was afraid of talking longer of his -friend; and, having nothing else to say, was now determined to leave the -trouble of finding a subject to him. - -He took the hint and soon began with, “This seems a very comfortable -house. Lady Catherine, I believe, did a great deal to it when Mr. -Collins first came to Hunsford.” - -“I believe she did--and I am sure she could not have bestowed her -kindness on a more grateful object.” - -“Mr. Collins appears very fortunate in his choice of a wife.” - -“Yes, indeed; his friends may well rejoice in his having met with one of -the very few sensible women who would have accepted him, or have made -him happy if they had. My friend has an excellent understanding--though -I am not certain that I consider her marrying Mr. Collins as the wisest -thing she ever did. She seems perfectly happy, however; and, in a -prudential light, it is certainly a very good match for her.” - -“It must be very agreeable to her to be settled within so easy a -distance of her own family and friends.” - -“An easy distance do you call it? It is nearly fifty miles.” - -“And what is fifty miles of good road? Little more than half a day’s -journey. Yes, I call it a very easy distance.” - -“I should never have considered the distance as one of the _advantages_ -of the match,” cried Elizabeth. “I should never have said Mrs. Collins -was settled _near_ her family.” - -“It is a proof of your own attachment to Hertfordshire. Anything beyond -the very neighbourhood of Longbourn, I suppose, would appear far.” - -As he spoke there was a sort of smile, which Elizabeth fancied she -understood; he must be supposing her to be thinking of Jane and -Netherfield, and she blushed as she answered,-- - -“I do not mean to say that a woman may not be settled too near her -family. The far and the near must be relative, and depend on many -varying circumstances. Where there is fortune to make the expense of -travelling unimportant, distance becomes no evil. But that is not the -case _here_. Mr. and Mrs. Collins have a comfortable income, but not -such a one as will allow of frequent journeys--and I am persuaded my -friend would not call herself _near_ her family under less than _half_ -the present distance.” - -Mr. Darcy drew his chair a little towards her, and said, “_You_ cannot -have a right to such very strong local attachment. _You_ cannot have -been always at Longbourn.” - -Elizabeth looked surprised. The gentleman experienced some change of -feeling; he drew back his chair, took a newspaper from the table, and, -glancing over it, said, in a colder voice,-- - -“Are you pleased with Kent?” - -A short dialogue on the subject of the country ensued, on either side -calm and concise--and soon put an end to by the entrance of Charlotte -and her sister, just returned from their walk. The _tête-à-tête_ -surprised them. Mr. Darcy related the mistake which had occasioned his -intruding on Miss Bennet, and, after sitting a few minutes longer, -without saying much to anybody, went away. - -[Illustration: “Accompanied by their aunt” - -[_Copyright 1894 by George Allen._]] - -“What can be the meaning of this?” said Charlotte, as soon as he was -gone. “My dear Eliza, he must be in love with you, or he would never -have called on us in this familiar way.” - -But when Elizabeth told of his silence, it did not seem very likely, -even to Charlotte’s wishes, to be the case; and, after various -conjectures, they could at last only suppose his visit to proceed from -the difficulty of finding anything to do, which was the more probable -from the time of year. All field sports were over. Within doors there -was Lady Catherine, books, and a billiard table, but gentlemen cannot be -always within doors; and in the nearness of the Parsonage, or the -pleasantness of the walk to it, or of the people who lived in it, the -two cousins found a temptation from this period of walking thither -almost every day. They called at various times of the morning, sometimes -separately, sometimes together, and now and then accompanied by their -aunt. It was plain to them all that Colonel Fitzwilliam came because he -had pleasure in their society, a persuasion which of course recommended -him still more; and Elizabeth was reminded by her own satisfaction in -being with him, as well as by his evident admiration, of her former -favourite, George Wickham; and though, in comparing them, she saw there -was less captivating softness in Colonel Fitzwilliam’s manners, she -believed he might have the best informed mind. - -But why Mr. Darcy came so often to the Parsonage it was more difficult -to understand. It could not be for society, as he frequently sat there -ten minutes together without opening his lips; and when he did speak, it -seemed the effect of necessity rather than of choice--a sacrifice to -propriety, not a pleasure to himself. He seldom appeared really -animated. Mrs. Collins knew not what to make of him. Colonel -Fitzwilliam’s occasionally laughing at his stupidity proved that he was -generally different, which her own knowledge of him could not have told -her; and as she would have liked to believe this change the effect of -love, and the object of that love her friend Eliza, she set herself -seriously to work to find it out: she watched him whenever they were at -Rosings, and whenever he came to Hunsford; but without much success. He -certainly looked at her friend a great deal, but the expression of that -look was disputable. It was an earnest, steadfast gaze, but she often -doubted whether there were much admiration in it, and sometimes it -seemed nothing but absence of mind. - -She had once or twice suggested to Elizabeth the possibility of his -being partial to her, but Elizabeth always laughed at the idea; and Mrs. -Collins did not think it right to press the subject, from the danger of -raising expectations which might only end in disappointment; for in her -opinion it admitted not of a doubt, that all her friend’s dislike would -vanish, if she could suppose him to be in her power. - -In her kind schemes for Elizabeth, she sometimes planned her marrying -Colonel Fitzwilliam. He was, beyond comparison, the pleasantest man: he -certainly admired her, and his situation in life was most eligible; but, -to counterbalance these advantages, Mr. Darcy had considerable patronage -in the church, and his cousin could have none at all. - - - - -[Illustration: “On looking up”] - - - - -CHAPTER XXXIII. - - -[Illustration] - -More than once did Elizabeth, in her ramble within the park, -unexpectedly meet Mr. Darcy. She felt all the perverseness of the -mischance that should bring him where no one else was brought; and, to -prevent its ever happening again, took care to inform him, at first, -that it was a favourite haunt of hers. How it could occur a second time, -therefore, was very odd! Yet it did, and even the third. It seemed like -wilful ill-nature, or a voluntary penance; for on these occasions it was -not merely a few formal inquiries and an awkward pause and then away, -but he actually thought it necessary to turn back and walk with her. He -never said a great deal, nor did she give herself the trouble of talking -or of listening much; but it struck her in the course of their third -encounter that he was asking some odd unconnected questions--about her -pleasure in being at Hunsford, her love of solitary walks, and her -opinion of Mr. and Mrs. Collins’s happiness; and that in speaking of -Rosings, and her not perfectly understanding the house, he seemed to -expect that whenever she came into Kent again she would be staying -_there_ too. His words seemed to imply it. Could he have Colonel -Fitzwilliam in his thoughts? She supposed, if he meant anything, he must -mean an allusion to what might arise in that quarter. It distressed her -a little, and she was quite glad to find herself at the gate in the -pales opposite the Parsonage. - -She was engaged one day, as she walked, in re-perusing Jane’s last -letter, and dwelling on some passages which proved that Jane had not -written in spirits, when, instead of being again surprised by Mr. Darcy, -she saw, on looking up, that Colonel Fitzwilliam was meeting her. -Putting away the letter immediately, and forcing a smile, she said,-- - -“I did not know before that you ever walked this way.” - -“I have been making the tour of the park,” he replied, “as I generally -do every year, and intended to close it with a call at the Parsonage. -Are you going much farther?” - -“No, I should have turned in a moment.” - -And accordingly she did turn, and they walked towards the Parsonage -together. - -“Do you certainly leave Kent on Saturday?” said she. - -“Yes--if Darcy does not put it off again. But I am at his disposal. He -arranges the business just as he pleases.” - -“And if not able to please himself in the arrangement, he has at least -great pleasure in the power of choice. I do not know anybody who seems -more to enjoy the power of doing what he likes than Mr. Darcy.” - -“He likes to have his own way very well,” replied Colonel Fitzwilliam. -“But so we all do. It is only that he has better means of having it than -many others, because he is rich, and many others are poor. I speak -feelingly. A younger son, you know, must be inured to self-denial and -dependence.” - -“In my opinion, the younger son of an earl can know very little of -either. Now, seriously, what have you ever known of self-denial and -dependence? When have you been prevented by want of money from going -wherever you chose or procuring anything you had a fancy for?” - -“These are home questions--and perhaps I cannot say that I have -experienced many hardships of that nature. But in matters of greater -weight, I may suffer from the want of money. Younger sons cannot marry -where they like.” - -“Unless where they like women of fortune, which I think they very often -do.” - -“Our habits of expense make us too dependent, and there are not many in -my rank of life who can afford to marry without some attention to -money.” - -“Is this,” thought Elizabeth, “meant for me?” and she coloured at the -idea; but, recovering herself, said in a lively tone, “And pray, what is -the usual price of an earl’s younger son? Unless the elder brother is -very sickly, I suppose you would not ask above fifty thousand pounds.” - -He answered her in the same style, and the subject dropped. To interrupt -a silence which might make him fancy her affected with what had passed, -she soon afterwards said,-- - -“I imagine your cousin brought you down with him chiefly for the sake of -having somebody at his disposal. I wonder he does not marry, to secure a -lasting convenience of that kind. But, perhaps, his sister does as well -for the present; and, as she is under his sole care, he may do what he -likes with her.” - -“No,” said Colonel Fitzwilliam, “that is an advantage which he must -divide with me. I am joined with him in the guardianship of Miss Darcy.” - -“Are you, indeed? And pray what sort of a guardian do you make? Does -your charge give you much trouble? Young ladies of her age are sometimes -a little difficult to manage; and if she has the true Darcy spirit, she -may like to have her own way.” - -As she spoke, she observed him looking at her earnestly; and the manner -in which he immediately asked her why she supposed Miss Darcy likely to -give them any uneasiness, convinced her that she had somehow or other -got pretty near the truth. She directly replied,-- - -“You need not be frightened. I never heard any harm of her; and I dare -say she is one of the most tractable creatures in the world. She is a -very great favourite with some ladies of my acquaintance, Mrs. Hurst and -Miss Bingley. I think I have heard you say that you know them.” - -“I know them a little. Their brother is a pleasant, gentlemanlike -man--he is a great friend of Darcy’s.” - -“Oh yes,” said Elizabeth drily--“Mr. Darcy is uncommonly kind to Mr. -Bingley, and takes a prodigious deal of care of him.” - -“Care of him! Yes, I really believe Darcy _does_ take care of him in -those points where he most wants care. From something that he told me -in our journey hither, I have reason to think Bingley very much indebted -to him. But I ought to beg his pardon, for I have no right to suppose -that Bingley was the person meant. It was all conjecture.” - -“What is it you mean?” - -“It is a circumstance which Darcy of course could not wish to be -generally known, because if it were to get round to the lady’s family it -would be an unpleasant thing.” - -“You may depend upon my not mentioning it.” - -“And remember that I have not much reason for supposing it to be -Bingley. What he told me was merely this: that he congratulated himself -on having lately saved a friend from the inconveniences of a most -imprudent marriage, but without mentioning names or any other -particulars; and I only suspected it to be Bingley from believing him -the kind of young man to get into a scrape of that sort, and from -knowing them to have been together the whole of last summer.” - -“Did Mr. Darcy give you his reasons for this interference?” - -“I understood that there were some very strong objections against the -lady.” - -“And what arts did he use to separate them?” - -“He did not talk to me of his own arts,” said Fitzwilliam, smiling. “He -only told me what I have now told you.” - -Elizabeth made no answer, and walked on, her heart swelling with -indignation. After watching her a little, Fitzwilliam asked her why she -was so thoughtful. - -“I am thinking of what you have been telling me,” said she. “Your -cousin’s conduct does not suit my feelings. Why was he to be the -judge?” - -“You are rather disposed to call his interference officious?” - -“I do not see what right Mr. Darcy had to decide on the propriety of his -friend’s inclination; or why, upon his own judgment alone, he was to -determine and direct in what manner that friend was to be happy. But,” -she continued, recollecting herself, “as we know none of the -particulars, it is not fair to condemn him. It is not to be supposed -that there was much affection in the case.” - -“That is not an unnatural surmise,” said Fitzwilliam; “but it is -lessening the honour of my cousin’s triumph very sadly.” - -This was spoken jestingly, but it appeared to her so just a picture of -Mr. Darcy, that she would not trust herself with an answer; and, -therefore, abruptly changing the conversation, talked on indifferent -matters till they reached the Parsonage. There, shut into her own room, -as soon as their visitor left them, she could think without interruption -of all that she had heard. It was not to be supposed that any other -people could be meant than those with whom she was connected. There -could not exist in the world _two_ men over whom Mr. Darcy could have -such boundless influence. That he had been concerned in the measures -taken to separate Mr. Bingley and Jane, she had never doubted; but she -had always attributed to Miss Bingley the principal design and -arrangement of them. If his own vanity, however, did not mislead him, -_he_ was the cause--his pride and caprice were the cause--of all that -Jane had suffered, and still continued to suffer. He had ruined for a -while every hope of happiness for the most affectionate, generous heart -in the world; and no one could say how lasting an evil he might have -inflicted. - -“There were some very strong objections against the lady,” were Colonel -Fitzwilliam’s words; and these strong objections probably were, her -having one uncle who was a country attorney, and another who was in -business in London. - -“To Jane herself,” she exclaimed, “there could be no possibility of -objection,--all loveliness and goodness as she is! Her understanding -excellent, her mind improved, and her manners captivating. Neither could -anything be urged against my father, who, though with some -peculiarities, has abilities which Mr. Darcy himself need not disdain, -and respectability which he will probably never reach.” When she thought -of her mother, indeed, her confidence gave way a little; but she would -not allow that any objections _there_ had material weight with Mr. -Darcy, whose pride, she was convinced, would receive a deeper wound from -the want of importance in his friend’s connections than from their want -of sense; and she was quite decided, at last, that he had been partly -governed by this worst kind of pride, and partly by the wish of -retaining Mr. Bingley for his sister. - -The agitation and tears which the subject occasioned brought on a -headache; and it grew so much worse towards the evening that, added to -her unwillingness to see Mr. Darcy, it determined her not to attend her -cousins to Rosings, where they were engaged to drink tea. Mrs. Collins, -seeing that she was really unwell, did not press her to go, and as much -as possible prevented her husband from pressing her; but Mr. Collins -could not conceal his apprehension of Lady Catherine’s being rather -displeased by her staying at home. - - - - -[Illustration] - - - - -CHAPTER XXXIV. - - -[Illustration] - -When they were gone, Elizabeth, as if intending to exasperate herself as -much as possible against Mr. Darcy, chose for her employment the -examination of all the letters which Jane had written to her since her -being in Kent. They contained no actual complaint, nor was there any -revival of past occurrences, or any communication of present suffering. -But in all, and in almost every line of each, there was a want of that -cheerfulness which had been used to characterize her style, and which, -proceeding from the serenity of a mind at ease with itself, and kindly -disposed towards everyone, had been scarcely ever clouded. Elizabeth -noticed every sentence conveying the idea of uneasiness, with an -attention which it had hardly received on the first perusal. Mr. Darcy’s -shameful boast of what misery he had been able to inflict gave her a -keener sense of her sister’s sufferings. It was some consolation to -think that his visit to Rosings was to end on the day after the next, -and a still greater that in less than a fortnight she should herself be -with Jane again, and enabled to contribute to the recovery of her -spirits, by all that affection could do. - -She could not think of Darcy’s leaving Kent without remembering that his -cousin was to go with him; but Colonel Fitzwilliam had made it clear -that he had no intentions at all, and, agreeable as he was, she did not -mean to be unhappy about him. - -While settling this point, she was suddenly roused by the sound of the -door-bell; and her spirits were a little fluttered by the idea of its -being Colonel Fitzwilliam himself, who had once before called late in -the evening, and might now come to inquire particularly after her. But -this idea was soon banished, and her spirits were very differently -affected, when, to her utter amazement, she saw Mr. Darcy walk into the -room. In a hurried manner he immediately began an inquiry after her -health, imputing his visit to a wish of hearing that she were better. -She answered him with cold civility. He sat down for a few moments, and -then getting up walked about the room. Elizabeth was surprised, but -said not a word. After a silence of several minutes, he came towards her -in an agitated manner, and thus began:-- - -“In vain have I struggled. It will not do. My feelings will not be -repressed. You must allow me to tell you how ardently I admire and love -you.” - -Elizabeth’s astonishment was beyond expression. She stared, coloured, -doubted, and was silent. This he considered sufficient encouragement, -and the avowal of all that he felt and had long felt for her immediately -followed. He spoke well; but there were feelings besides those of the -heart to be detailed, and he was not more eloquent on the subject of -tenderness than of pride. His sense of her inferiority, of its being a -degradation, of the family obstacles which judgment had always opposed -to inclination, were dwelt on with a warmth which seemed due to the -consequence he was wounding, but was very unlikely to recommend his -suit. - -In spite of her deeply-rooted dislike, she could not be insensible to -the compliment of such a man’s affection, and though her intentions did -not vary for an instant, she was at first sorry for the pain he was to -receive; till roused to resentment by his subsequent language, she lost -all compassion in anger. She tried, however, to compose herself to -answer him with patience, when he should have done. He concluded with -representing to her the strength of that attachment which in spite of -all his endeavours he had found impossible to conquer; and with -expressing his hope that it would now be rewarded by her acceptance of -his hand. As he said this she could easily see that he had no doubt of a -favourable answer. He _spoke_ of apprehension and anxiety, but his -countenance expressed real security. Such a circumstance could only -exasperate farther; and when he ceased the colour rose into her cheeks -and she said,-- - -“In such cases as this, it is, I believe, the established mode to -express a sense of obligation for the sentiments avowed, however -unequally they may be returned. It is natural that obligation should be -felt, and if I could _feel_ gratitude, I would now thank you. But I -cannot--I have never desired your good opinion, and you have certainly -bestowed it most unwillingly. I am sorry to have occasioned pain to -anyone. It has been most unconsciously done, however, and I hope will be -of short duration. The feelings which you tell me have long prevented -the acknowledgment of your regard can have little difficulty in -overcoming it after this explanation.” - -Mr. Darcy, who was leaning against the mantel-piece with his eyes fixed -on her face, seemed to catch her words with no less resentment than -surprise. His complexion became pale with anger, and the disturbance of -his mind was visible in every feature. He was struggling for the -appearance of composure, and would not open his lips till he believed -himself to have attained it. The pause was to Elizabeth’s feelings -dreadful. At length, in a voice of forced calmness, he said,-- - -“And this is all the reply which I am to have the honour of expecting! I -might, perhaps, wish to be informed why, with so little _endeavour_ at -civility, I am thus rejected. But it is of small importance.” - -“I might as well inquire,” replied she, “why, with so evident a design -of offending and insulting me, you chose to tell me that you liked me -against your will, against your reason, and even against your character? -Was not this some excuse for incivility, if I _was_ uncivil? But I have -other provocations. You know I have. Had not my own feelings decided -against you, had they been indifferent, or had they even been -favourable, do you think that any consideration would tempt me to accept -the man who has been the means of ruining, perhaps for ever, the -happiness of a most beloved sister?” - -As she pronounced these words, Mr. Darcy changed colour; but the emotion -was short, and he listened without attempting to interrupt her while she -continued,-- - -“I have every reason in the world to think ill of you. No motive can -excuse the unjust and ungenerous part you acted _there_. You dare not, -you cannot deny that you have been the principal, if not the only means -of dividing them from each other, of exposing one to the censure of the -world for caprice and instability, the other to its derision for -disappointed hopes, and involving them both in misery of the acutest -kind.” - -She paused, and saw with no slight indignation that he was listening -with an air which proved him wholly unmoved by any feeling of remorse. -He even looked at her with a smile of affected incredulity. - -“Can you deny that you have done it?” she repeated. - -With assumed tranquillity he then replied, “I have no wish of denying -that I did everything in my power to separate my friend from your -sister, or that I rejoice in my success. Towards _him_ I have been -kinder than towards myself.” - -Elizabeth disdained the appearance of noticing this civil reflection, -but its meaning did not escape, nor was it likely to conciliate her. - -“But it is not merely this affair,” she continued, “on which my dislike -is founded. Long before it had taken place, my opinion of you was -decided. Your character was unfolded in the recital which I received -many months ago from Mr. Wickham. On this subject, what can you have to -say? In what imaginary act of friendship can you here defend yourself? -or under what misrepresentation can you here impose upon others?” - -“You take an eager interest in that gentleman’s concerns,” said Darcy, -in a less tranquil tone, and with a heightened colour. - -“Who that knows what his misfortunes have been can help feeling an -interest in him?” - -“His misfortunes!” repeated Darcy, contemptuously,--“yes, his -misfortunes have been great indeed.” - -“And of your infliction,” cried Elizabeth, with energy; “You have -reduced him to his present state of poverty--comparative poverty. You -have withheld the advantages which you must know to have been designed -for him. You have deprived the best years of his life of that -independence which was no less his due than his desert. You have done -all this! and yet you can treat the mention of his misfortunes with -contempt and ridicule.” - -“And this,” cried Darcy, as he walked with quick steps across the room, -“is your opinion of me! This is the estimation in which you hold me! I -thank you for explaining it so fully. My faults, according to this -calculation, are heavy indeed! But, perhaps,” added he, stopping in his -walk, and turning towards her, “these offences might have been -overlooked, had not your pride been hurt by my honest confession of the -scruples that had long prevented my forming any serious design. These -bitter accusations might have been suppressed, had I, with greater -policy, concealed my struggles, and flattered you into the belief of my -being impelled by unqualified, unalloyed inclination; by reason, by -reflection, by everything. But disguise of every sort is my abhorrence. -Nor am I ashamed of the feelings I related. They were natural and just. -Could you expect me to rejoice in the inferiority of your -connections?--to congratulate myself on the hope of relations whose -condition in life is so decidedly beneath my own?” - -Elizabeth felt herself growing more angry every moment; yet she tried to -the utmost to speak with composure when she said,-- - -“You are mistaken, Mr. Darcy, if you suppose that the mode of your -declaration affected me in any other way than as it spared me the -concern which I might have felt in refusing you, had you behaved in a -more gentlemanlike manner.” - -She saw him start at this; but he said nothing, and she continued,-- - -“You could not have made me the offer of your hand in any possible way -that would have tempted me to accept it.” - -Again his astonishment was obvious; and he looked at her with an -expression of mingled incredulity and mortification. She went on,-- - -“From the very beginning, from the first moment, I may almost say, of my -acquaintance with you, your manners impressing me with the fullest -belief of your arrogance, your conceit, and your selfish disdain of the -feelings of others, were such as to form that groundwork of -disapprobation, on which succeeding events have built so immovable a -dislike; and I had not known you a month before I felt that you were the -last man in the world whom I could ever be prevailed on to marry.” - -“You have said quite enough, madam. I perfectly comprehend your -feelings, and have now only to be ashamed of what my own have been. -Forgive me for having taken up so much of your time, and accept my best -wishes for your health and happiness.” - -And with these words he hastily left the room, and Elizabeth heard him -the next moment open the front door and quit the house. The tumult of -her mind was now painfully great. She knew not how to support herself, -and, from actual weakness, sat down and cried for half an hour. Her -astonishment, as she reflected on what had passed, was increased by -every review of it. That she should receive an offer of marriage from -Mr. Darcy! that he should have been in love with her for so many months! -so much in love as to wish to marry her in spite of all the objections -which had made him prevent his friend’s marrying her sister, and which -must appear at least with equal force in his own case, was almost -incredible! it was gratifying to have inspired unconsciously so strong -an affection. But his pride, his abominable pride, his shameless avowal -of what he had done with respect to Jane, his unpardonable assurance in -acknowledging, though he could not justify it, and the unfeeling manner -which he had mentioned Mr. Wickham, his cruelty towards whom he had not -attempted to deny, soon overcame the pity which the consideration of his -attachment had for a moment excited. - -She continued in very agitating reflections till the sound of Lady -Catherine’s carriage made her feel how unequal she was to encounter -Charlotte’s observation, and hurried her away to her room. - - - - -[Illustration: - -“Hearing herself called” -] - - - - -CHAPTER XXXV. - - -[Illustration] - -Elizabeth awoke the next morning to the same thoughts and meditations -which had at length closed her eyes. She could not yet recover from the -surprise of what had happened: it was impossible to think of anything -else; and, totally indisposed for employment, she resolved soon after -breakfast to indulge herself in air and exercise. She was proceeding -directly to her favourite walk, when the recollection of Mr. Darcy’s -sometimes coming there stopped her, and instead of entering the park, -she turned up the lane which led her farther from the turnpike road. The -park paling was still the boundary on one side, and she soon passed one -of the gates into the ground. - -After walking two or three times along that part of the lane, she was -tempted, by the pleasantness of the morning, to stop at the gates and -look into the park. The five weeks which she had now passed in Kent had -made a great difference in the country, and every day was adding to the -verdure of the early trees. She was on the point of continuing her -walk, when she caught a glimpse of a gentleman within the sort of grove -which edged the park: he was moving that way; and fearful of its being -Mr. Darcy, she was directly retreating. But the person who advanced was -now near enough to see her, and stepping forward with eagerness, -pronounced her name. She had turned away; but on hearing herself called, -though in a voice which proved it to be Mr. Darcy, she moved again -towards the gate. He had by that time reached it also; and, holding out -a letter, which she instinctively took, said, with a look of haughty -composure, “I have been walking in the grove some time, in the hope of -meeting you. Will you do me the honour of reading that letter?” and -then, with a slight bow, turned again into the plantation, and was soon -out of sight. - -With no expectation of pleasure, but with the strongest curiosity, -Elizabeth opened the letter, and to her still increasing wonder, -perceived an envelope containing two sheets of letter paper, written -quite through, in a very close hand. The envelope itself was likewise -full. Pursuing her way along the lane, she then began it. It was dated -from Rosings, at eight o’clock in the morning, and was as follows:-- - -“Be not alarmed, madam, on receiving this letter, by the apprehension of -its containing any repetition of those sentiments, or renewal of those -offers, which were last night so disgusting to you. I write without any -intention of paining you, or humbling myself, by dwelling on wishes, -which, for the happiness of both, cannot be too soon forgotten; and the -effort which the formation and the perusal of this letter must occasion, -should have been spared, had not my character required it to be written -and read. You must, therefore, pardon the freedom with which I demand -your attention; your feelings, I know, will bestow it unwillingly, but I -demand it of your justice. - -“Two offences of a very different nature, and by no means of equal -magnitude, you last night laid to my charge. The first mentioned was, -that, regardless of the sentiments of either, I had detached Mr. Bingley -from your sister,--and the other, that I had, in defiance of various -claims, in defiance of honour and humanity, ruined the immediate -prosperity and blasted the prospects of Mr. Wickham. Wilfully and -wantonly to have thrown off the companion of my youth, the acknowledged -favourite of my father, a young man who had scarcely any other -dependence than on our patronage, and who had been brought up to expect -its exertion, would be a depravity, to which the separation of two young -persons whose affection could be the growth of only a few weeks, could -bear no comparison. But from the severity of that blame which was last -night so liberally bestowed, respecting each circumstance, I shall hope -to be in future secured, when the following account of my actions and -their motives has been read. If, in the explanation of them which is due -to myself, I am under the necessity of relating feelings which may be -offensive to yours, I can only say that I am sorry. The necessity must -be obeyed, and further apology would be absurd. I had not been long in -Hertfordshire before I saw, in common with others, that Bingley -preferred your elder sister to any other young woman in the country. But -it was not till the evening of the dance at Netherfield that I had any -apprehension of his feeling a serious attachment. I had often seen him -in love before. At that ball, while I had the honour of dancing with -you, I was first made acquainted, by Sir William Lucas’s accidental -information, that Bingley’s attentions to your sister had given rise to -a general expectation of their marriage. He spoke of it as a certain -event, of which the time alone could be undecided. From that moment I -observed my friend’s behaviour attentively; and I could then perceive -that his partiality for Miss Bennet was beyond what I had ever witnessed -in him. Your sister I also watched. Her look and manners were open, -cheerful, and engaging as ever, but without any symptom of peculiar -regard; and I remained convinced, from the evening’s scrutiny, that -though she received his attentions with pleasure, she did not invite -them by any participation of sentiment. If _you_ have not been mistaken -here, _I_ must have been in an error. Your superior knowledge of your -sister must make the latter probable. If it be so, if I have been misled -by such error to inflict pain on her, your resentment has not been -unreasonable. But I shall not scruple to assert, that the serenity of -your sister’s countenance and air was such as might have given the most -acute observer a conviction that, however amiable her temper, her heart -was not likely to be easily touched. That I was desirous of believing -her indifferent is certain; but I will venture to say that my -investigations and decisions are not usually influenced by my hopes or -fears. I did not believe her to be indifferent because I wished it; I -believed it on impartial conviction, as truly as I wished it in reason. -My objections to the marriage were not merely those which I last night -acknowledged to have required the utmost force of passion to put aside -in my own case; the want of connection could not be so great an evil to -my friend as to me. But there were other causes of repugnance; causes -which, though still existing, and existing to an equal degree in both -instances, I had myself endeavoured to forget, because they were not -immediately before me. These causes must be stated, though briefly. The -situation of your mother’s family, though objectionable, was nothing in -comparison of that total want of propriety so frequently, so almost -uniformly betrayed by herself, by your three younger sisters, and -occasionally even by your father:--pardon me,--it pains me to offend -you. But amidst your concern for the defects of your nearest relations, -and your displeasure at this representation of them, let it give you -consolation to consider that to have conducted yourselves so as to avoid -any share of the like censure is praise no less generally bestowed on -you and your eldest sister than it is honourable to the sense and -disposition of both. I will only say, farther, that from what passed -that evening my opinion of all parties was confirmed, and every -inducement heightened, which could have led me before to preserve my -friend from what I esteemed a most unhappy connection. He left -Netherfield for London on the day following, as you, I am certain, -remember, with the design of soon returning. The part which I acted is -now to be explained. His sisters’ uneasiness had been equally excited -with my own: our coincidence of feeling was soon discovered; and, alike -sensible that no time was to be lost in detaching their brother, we -shortly resolved on joining him directly in London. We accordingly -went--and there I readily engaged in the office of pointing out to my -friend the certain evils of such a choice. I described and enforced them -earnestly. But however this remonstrance might have staggered or delayed -his determination, I do not suppose that it would ultimately have -prevented the marriage, had it not been seconded by the assurance, which -I hesitated not in giving, of your sister’s indifference. He had before -believed her to return his affection with sincere, if not with equal, -regard. But Bingley has great natural modesty, with a stronger -dependence on my judgment than on his own. To convince him, therefore, -that he had deceived himself was no very difficult point. To persuade -him against returning into Hertfordshire, when that conviction had been -given, was scarcely the work of a moment. I cannot blame myself for -having done thus much. There is but one part of my conduct, in the whole -affair, on which I do not reflect with satisfaction; it is that I -condescended to adopt the measures of art so far as to conceal from him -your sister’s being in town. I knew it myself, as it was known to Miss -Bingley; but her brother is even yet ignorant of it. That they might -have met without ill consequence is, perhaps, probable; but his regard -did not appear to me enough extinguished for him to see her without some -danger. Perhaps this concealment, this disguise, was beneath me. It is -done, however, and it was done for the best. On this subject I have -nothing more to say, no other apology to offer. If I have wounded your -sister’s feelings, it was unknowingly done; and though the motives which -governed me may to you very naturally appear insufficient, I have not -yet learnt to condemn them.--With respect to that other, more weighty -accusation, of having injured Mr. Wickham, I can only refute it by -laying before you the whole of his connection with my family. Of what he -has _particularly_ accused me I am ignorant; but of the truth of what I -shall relate I can summon more than one witness of undoubted veracity. -Mr. Wickham is the son of a very respectable man, who had for many years -the management of all the Pemberley estates, and whose good conduct in -the discharge of his trust naturally inclined my father to be of service -to him; and on George Wickham, who was his godson, his kindness was -therefore liberally bestowed. My father supported him at school, and -afterwards at Cambridge; most important assistance, as his own father, -always poor from the extravagance of his wife, would have been unable to -give him a gentleman’s education. My father was not only fond of this -young man’s society, whose manners were always engaging, he had also the -highest opinion of him, and hoping the church would be his profession, -intended to provide for him in it. As for myself, it is many, many years -since I first began to think of him in a very different manner. The -vicious propensities, the want of principle, which he was careful to -guard from the knowledge of his best friend, could not escape the -observation of a young man of nearly the same age with himself, and who -had opportunities of seeing him in unguarded moments, which Mr. Darcy -could not have. Here again I shall give you pain--to what degree you -only can tell. But whatever may be the sentiments which Mr. Wickham has -created, a suspicion of their nature shall not prevent me from unfolding -his real character. It adds even another motive. My excellent father -died about five years ago; and his attachment to Mr. Wickham was to the -last so steady, that in his will he particularly recommended it to me to -promote his advancement in the best manner that his profession might -allow, and if he took orders, desired that a valuable family living -might be his as soon as it became vacant. There was also a legacy of -one thousand pounds. His own father did not long survive mine; and -within half a year from these events Mr. Wickham wrote to inform me -that, having finally resolved against taking orders, he hoped I should -not think it unreasonable for him to expect some more immediate -pecuniary advantage, in lieu of the preferment, by which he could not be -benefited. He had some intention, he added, of studying the law, and I -must be aware that the interest of one thousand pounds would be a very -insufficient support therein. I rather wished than believed him to be -sincere; but, at any rate, was perfectly ready to accede to his -proposal. I knew that Mr. Wickham ought not to be a clergyman. The -business was therefore soon settled. He resigned all claim to assistance -in the church, were it possible that he could ever be in a situation to -receive it, and accepted in return three thousand pounds. All connection -between us seemed now dissolved. I thought too ill of him to invite him -to Pemberley, or admit his society in town. In town, I believe, he -chiefly lived, but his studying the law was a mere pretence; and being -now free from all restraint, his life was a life of idleness and -dissipation. For about three years I heard little of him; but on the -decease of the incumbent of the living which had been designed for him, -he applied to me again by letter for the presentation. His -circumstances, he assured me, and I had no difficulty in believing it, -were exceedingly bad. He had found the law a most unprofitable study, -and was now absolutely resolved on being ordained, if I would present -him to the living in question--of which he trusted there could be little -doubt, as he was well assured that I had no other person to provide for, -and I could not have forgotten my revered father’s intentions. You will -hardly blame me for refusing to comply with this entreaty, or for -resisting every repetition of it. His resentment was in proportion to -the distress of his circumstances--and he was doubtless as violent in -his abuse of me to others as in his reproaches to myself. After this -period, every appearance of acquaintance was dropped. How he lived, I -know not. But last summer he was again most painfully obtruded on my -notice. I must now mention a circumstance which I would wish to forget -myself, and which no obligation less than the present should induce me -to unfold to any human being. Having said thus much, I feel no doubt of -your secrecy. My sister, who is more than ten years my junior, was left -to the guardianship of my mother’s nephew, Colonel Fitzwilliam, and -myself. About a year ago, she was taken from school, and an -establishment formed for her in London; and last summer she went with -the lady who presided over it to Ramsgate; and thither also went Mr. -Wickham, undoubtedly by design; for there proved to have been a prior -acquaintance between him and Mrs. Younge, in whose character we were -most unhappily deceived; and by her connivance and aid he so far -recommended himself to Georgiana, whose affectionate heart retained a -strong impression of his kindness to her as a child, that she was -persuaded to believe herself in love and to consent to an elopement. She -was then but fifteen, which must be her excuse; and after stating her -imprudence, I am happy to add, that I owed the knowledge of it to -herself. I joined them unexpectedly a day or two before the intended -elopement; and then Georgiana, unable to support the idea of grieving -and offending a brother whom she almost looked up to as a father, -acknowledged the whole to me. You may imagine what I felt and how I -acted. Regard for my sister’s credit and feelings prevented any public -exposure; but I wrote to Mr. Wickham, who left the place immediately, -and Mrs. Younge was of course removed from her charge. Mr. Wickham’s -chief object was unquestionably my sister’s fortune, which is thirty -thousand pounds; but I cannot help supposing that the hope of revenging -himself on me was a strong inducement. His revenge would have been -complete indeed. This, madam, is a faithful narrative of every event in -which we have been concerned together; and if you do not absolutely -reject it as false, you will, I hope, acquit me henceforth of cruelty -towards Mr. Wickham. I know not in what manner, under what form of -falsehood, he has imposed on you; but his success is not perhaps to be -wondered at, ignorant as you previously were of everything concerning -either. Detection could not be in your power, and suspicion certainly -not in your inclination. You may possibly wonder why all this was not -told you last night. But I was not then master enough of myself to know -what could or ought to be revealed. For the truth of everything here -related, I can appeal more particularly to the testimony of Colonel -Fitzwilliam, who, from our near relationship and constant intimacy, and -still more as one of the executors of my father’s will, has been -unavoidably acquainted with every particular of these transactions. If -your abhorrence of _me_ should make _my_ assertions valueless, you -cannot be prevented by the same cause from confiding in my cousin; and -that there may be the possibility of consulting him, I shall endeavour -to find some opportunity of putting this letter in your hands in the -course of the morning. I will only add, God bless you. - -“FITZWILLIAM DARCY.” - - - - -[Illustration] - - - - -CHAPTER XXXVI. - - -[Illustration] - -Elizabeth, when Mr. Darcy gave her the letter, did not expect it to -contain a renewal of his offers, she had formed no expectation at all of -its contents. But such as they were, it may be well supposed how eagerly -she went through them, and what a contrariety of emotion they excited. -Her feelings as she read were scarcely to be defined. With amazement did -she first understand that he believed any apology to be in his power; -and steadfastly was she persuaded, that he could have no explanation to -give, which a just sense of shame would not conceal. With a strong -prejudice against everything he might say, she began his account of -what had happened at Netherfield. She read with an eagerness which -hardly left her power of comprehension; and from impatience of knowing -what the next sentence might bring, was incapable of attending to the -sense of the one before her eyes. His belief of her sister’s -insensibility she instantly resolved to be false; and his account of the -real, the worst objections to the match, made her too angry to have any -wish of doing him justice. He expressed no regret for what he had done -which satisfied her; his style was not penitent, but haughty. It was all -pride and insolence. - -But when this subject was succeeded by his account of Mr. Wickham--when -she read, with somewhat clearer attention, a relation of events which, -if true, must overthrow every cherished opinion of his worth, and which -bore so alarming an affinity to his own history of himself--her feelings -were yet more acutely painful and more difficult of definition. -Astonishment, apprehension, and even horror, oppressed her. She wished -to discredit it entirely, repeatedly exclaiming, “This must be false! -This cannot be! This must be the grossest falsehood!”--and when she had -gone through the whole letter, though scarcely knowing anything of the -last page or two, put it hastily away, protesting that she would not -regard it, that she would never look in it again. - -In this perturbed state of mind, with thoughts that could rest on -nothing, she walked on; but it would not do: in half a minute the letter -was unfolded again; and collecting herself as well as she could, she -again began the mortifying perusal of all that related to Wickham, and -commanded herself so far as to examine the meaning of every sentence. -The account of his connection with the Pemberley family was exactly -what he had related himself; and the kindness of the late Mr. Darcy, -though she had not before known its extent, agreed equally well with his -own words. So far each recital confirmed the other; but when she came to -the will, the difference was great. What Wickham had said of the living -was fresh in her memory; and as she recalled his very words, it was -impossible not to feel that there was gross duplicity on one side or the -other, and, for a few moments, she flattered herself that her wishes did -not err. But when she read and re-read, with the closest attention, the -particulars immediately following of Wickham’s resigning all pretensions -to the living, of his receiving in lieu so considerable a sum as three -thousand pounds, again was she forced to hesitate. She put down the -letter, weighed every circumstance with what she meant to be -impartiality--deliberated on the probability of each statement--but with -little success. On both sides it was only assertion. Again she read on. -But every line proved more clearly that the affair, which she had -believed it impossible that any contrivance could so represent as to -render Mr. Darcy’s conduct in it less than infamous, was capable of a -turn which must make him entirely blameless throughout the whole. - -The extravagance and general profligacy which he scrupled not to lay to -Mr. Wickham’s charge exceedingly shocked her; the more so, as she could -bring no proof of its injustice. She had never heard of him before his -entrance into the ----shire militia, in which he had engaged at the -persuasion of the young man, who, on meeting him accidentally in town, -had there renewed a slight acquaintance. Of his former way of life, -nothing had been known in Hertfordshire but what he told - -[Illustration: - - “Meeting accidentally in Town” - -[_Copyright 1894 by George Allen._]] - -himself. As to his real character, had information been in her power, -she had never felt a wish of inquiring. His countenance, voice, and -manner, had established him at once in the possession of every virtue. -She tried to recollect some instance of goodness, some distinguished -trait of integrity or benevolence, that might rescue him from the -attacks of Mr. Darcy; or at least, by the predominance of virtue, atone -for those casual errors, under which she would endeavour to class what -Mr. Darcy had described as the idleness and vice of many years’ -continuance. But no such recollection befriended her. She could see him -instantly before her, in every charm of air and address, but she could -remember no more substantial good than the general approbation of the -neighbourhood, and the regard which his social powers had gained him in -the mess. After pausing on this point a considerable while, she once -more continued to read. But, alas! the story which followed, of his -designs on Miss Darcy, received some confirmation from what had passed -between Colonel Fitzwilliam and herself only the morning before; and at -last she was referred for the truth of every particular to Colonel -Fitzwilliam himself--from whom she had previously received the -information of his near concern in all his cousin’s affairs and whose -character she had no reason to question. At one time she had almost -resolved on applying to him, but the idea was checked by the awkwardness -of the application, and at length wholly banished by the conviction that -Mr. Darcy would never have hazarded such a proposal, if he had not been -well assured of his cousin’s corroboration. - -She perfectly remembered everything that had passed in conversation -between Wickham and herself in their first evening at Mr. Philips’s. -Many of his expressions were still fresh in her memory. She was _now_ -struck with the impropriety of such communications to a stranger, and -wondered it had escaped her before. She saw the indelicacy of putting -himself forward as he had done, and the inconsistency of his professions -with his conduct. She remembered that he had boasted of having no fear -of seeing Mr. Darcy--that Mr. Darcy might leave the country, but that -_he_ should stand his ground; yet he had avoided the Netherfield ball -the very next week. She remembered, also, that till the Netherfield -family had quitted the country, he had told his story to no one but -herself; but that after their removal, it had been everywhere discussed; -that he had then no reserves, no scruples in sinking Mr. Darcy’s -character, though he had assured her that respect for the father would -always prevent his exposing the son. - -How differently did everything now appear in which he was concerned! His -attentions to Miss King were now the consequence of views solely and -hatefully mercenary; and the mediocrity of her fortune proved no longer -the moderation of his wishes, but his eagerness to grasp at anything. -His behaviour to herself could now have had no tolerable motive: he had -either been deceived with regard to her fortune, or had been gratifying -his vanity by encouraging the preference which she believed she had most -incautiously shown. Every lingering struggle in his favour grew fainter -and fainter; and in further justification of Mr. Darcy, she could not -but allow that Mr. Bingley, when questioned by Jane, had long ago -asserted his blamelessness in the affair;--that, proud and repulsive as -were his manners, she had never, in the whole course of their -acquaintance--an acquaintance which had latterly brought them much -together, and given her a sort of intimacy with his ways--seen anything -that betrayed him to be unprincipled or unjust--anything that spoke him -of irreligious or immoral habits;--that among his own connections he was -esteemed and valued;--that even Wickham had allowed him merit as a -brother, and that she had often heard him speak so affectionately of his -sister as to prove him capable of some amiable feeling;--that had his -actions been what Wickham represented them, so gross a violation of -everything right could hardly have been concealed from the world; and -that friendship between a person capable of it and such an amiable man -as Mr. Bingley was incomprehensible. - -She grew absolutely ashamed of herself. Of neither Darcy nor Wickham -could she think, without feeling that she had been blind, partial, -prejudiced, absurd. - -“How despicably have I acted!” she cried. “I, who have prided myself on -my discernment! I, who have valued myself on my abilities! who have -often disdained the generous candour of my sister, and gratified my -vanity in useless or blameless distrust. How humiliating is this -discovery! Yet, how just a humiliation! Had I been in love, I could not -have been more wretchedly blind. But vanity, not love, has been my -folly. Pleased with the preference of one, and offended by the neglect -of the other, on the very beginning of our acquaintance, I have courted -prepossession and ignorance, and driven reason away where either were -concerned. Till this moment, I never knew myself.” - -From herself to Jane, from Jane to Bingley, her thoughts were in a line -which soon brought to her recollection that Mr. Darcy’s explanation -_there_ had appeared very insufficient; and she read it again. Widely -different was the effect of a second perusal. How could she deny that -credit to his assertions, in one instance, which she had been obliged to -give in the other? He declared himself to have been totally unsuspicious -of her sister’s attachment; and she could not help remembering what -Charlotte’s opinion had always been. Neither could she deny the justice -of his description of Jane. She felt that Jane’s feelings, though -fervent, were little displayed, and that there was a constant -complacency in her air and manner, not often united with great -sensibility. - -When she came to that part of the letter in which her family were -mentioned, in tones of such mortifying, yet merited, reproach, her sense -of shame was severe. The justice of the charge struck her too forcibly -for denial; and the circumstances to which he particularly alluded, as -having passed at the Netherfield ball, and as confirming all his first -disapprobation, could not have made a stronger impression on his mind -than on hers. - -The compliment to herself and her sister was not unfelt. It soothed, but -it could not console her for the contempt which had been thus -self-attracted by the rest of her family; and as she considered that -Jane’s disappointment had, in fact, been the work of her nearest -relations, and reflected how materially the credit of both must be hurt -by such impropriety of conduct, she felt depressed beyond anything she -had ever known before. - -After wandering along the lane for two hours, giving way to every -variety of thought, reconsidering events, determining probabilities, and -reconciling herself, as well as she could, to a change so sudden and so -important, fatigue, and a recollection of her long absence, made her at -length return home; and she entered the house with the wish of appearing -cheerful as usual, and the resolution of repressing such reflections as -must make her unfit for conversation. - -She was immediately told, that the two gentlemen from Rosings had each -called during her absence; Mr. Darcy, only for a few minutes, to take -leave, but that Colonel Fitzwilliam had been sitting with them at least -an hour, hoping for her return, and almost resolving to walk after her -till she could be found. Elizabeth could but just _affect_ concern in -missing him; she really rejoiced at it. Colonel Fitzwilliam was no -longer an object. She could think only of her letter. - - - - -[Illustration: - -“His parting obeisance” -] - - - - -CHAPTER XXXVII. - - -[Illustration] - -The two gentlemen left Rosings the next morning; and Mr. Collins having -been in waiting near the lodges, to make them his parting obeisance, was -able to bring home the pleasing intelligence of their appearing in very -good health, and in as tolerable spirits as could be expected, after the -melancholy scene so lately gone through at Rosings. To Rosings he then -hastened to console Lady Catherine and her daughter; and on his return -brought back, with great satisfaction, a message from her Ladyship, -importing that she felt herself so dull as to make her very desirous of -having them all to dine with her. - -Elizabeth could not see Lady Catherine without recollecting that, had -she chosen it, she might by this time have been presented to her as her -future niece; nor could she think, without a smile, of what her -Ladyship’s indignation would have been. “What would she have said? how -would she have behaved?” were the questions with which she amused -herself. - -Their first subject was the diminution of the Rosings’ party. “I assure -you, I feel it exceedingly,” said Lady Catherine; “I believe nobody -feels the loss of friends so much as I do. But I am particularly -attached to these young men; and know them to be so much attached to me! -They were excessively sorry to go! But so they always are. The dear -Colonel rallied his spirits tolerably till just at last; but Darcy -seemed to feel it most acutely--more, I think, than last year. His -attachment to Rosings certainly increases.” - -Mr. Collins had a compliment and an allusion to throw in here, which -were kindly smiled on by the mother and daughter. - -Lady Catherine observed, after dinner, that Miss Bennet seemed out of -spirits; and immediately accounting for it herself, by supposing that -she did not like to go home again so soon, she added,-- - -“But if that is the case, you must write to your mother to beg that you -may stay a little longer. Mrs. Collins will be very glad of your -company, I am sure.” - -“I am much obliged to your Ladyship for your kind invitation,” replied -Elizabeth; “but it is not in my power to accept it. I must be in town -next Saturday.” - -“Why, at that rate, you will have been here only six weeks. I expected -you to stay two months. I told Mrs. Collins so before you came. There -can be no occasion for your going so soon. Mrs. Bennet could certainly -spare you for another fortnight.” - -“But my father cannot. He wrote last week to hurry my return.” - -[Illustration: - -“Dawson” - -[_Copyright 1894 by George Allen._]] - -“Oh, your father, of course, may spare you, if your mother can. -Daughters are never of so much consequence to a father. And if you will -stay another _month_ complete, it will be in my power to take one of you -as far as London, for I am going there early in June, for a week; and -as Dawson does not object to the barouche-box, there will be very good -room for one of you--and, indeed, if the weather should happen to be -cool, I should not object to taking you both, as you are neither of you -large.” - -“You are all kindness, madam; but I believe we must abide by our -original plan.” - -Lady Catherine seemed resigned. “Mrs. Collins, you must send a servant -with them. You know I always speak my mind, and I cannot bear the idea -of two young women travelling post by themselves. It is highly improper. -You must contrive to send somebody. I have the greatest dislike in the -world to that sort of thing. Young women should always be properly -guarded and attended, according to their situation in life. When my -niece Georgiana went to Ramsgate last summer, I made a point of her -having two men-servants go with her. Miss Darcy, the daughter of Mr. -Darcy of Pemberley, and Lady Anne, could not have appeared with -propriety in a different manner. I am excessively attentive to all those -things. You must send John with the young ladies, Mrs. Collins. I am -glad it occurred to me to mention it; for it would really be -discreditable to _you_ to let them go alone.” - -“My uncle is to send a servant for us.” - -“Oh! Your uncle! He keeps a man-servant, does he? I am very glad you -have somebody who thinks of those things. Where shall you change horses? -Oh, Bromley, of course. If you mention my name at the Bell, you will be -attended to.” - -Lady Catherine had many other questions to ask respecting their journey; -and as she did not answer them all herself attention was -necessary--which Elizabeth believed to be lucky for her; or, with a -mind so occupied, she might have forgotten where she was. Reflection -must be reserved for solitary hours: whenever she was alone, she gave -way to it as the greatest relief; and not a day went by without a -solitary walk, in which she might indulge in all the delight of -unpleasant recollections. - -Mr. Darcy’s letter she was in a fair way of soon knowing by heart. She -studied every sentence; and her feelings towards its writer were at -times widely different. When she remembered the style of his address, -she was still full of indignation: but when she considered how unjustly -she had condemned and upbraided him, her anger was turned against -herself; and his disappointed feelings became the object of compassion. -His attachment excited gratitude, his general character respect: but she -could not approve him; nor could she for a moment repent her refusal, or -feel the slightest inclination ever to see him again. In her own past -behaviour, there was a constant source of vexation and regret: and in -the unhappy defects of her family, a subject of yet heavier chagrin. -They were hopeless of remedy. Her father, contented with laughing at -them, would never exert himself to restrain the wild giddiness of his -youngest daughters; and her mother, with manners so far from right -herself, was entirely insensible of the evil. Elizabeth had frequently -united with Jane in an endeavour to check the imprudence of Catherine -and Lydia; but while they were supported by their mother’s indulgence, -what chance could there be of improvement? Catherine, weak-spirited, -irritable, and completely under Lydia’s guidance, had been always -affronted by their advice; and Lydia, self-willed and careless, would -scarcely give them a hearing. They were ignorant, idle, and vain. While -there was an officer in Meryton, they would flirt with him; and while -Meryton was within a walk of Longbourn, they would be going there for -ever. - -Anxiety on Jane’s behalf was another prevailing concern; and Mr. Darcy’s -explanation, by restoring Bingley to all her former good opinion, -heightened the sense of what Jane had lost. His affection was proved to -have been sincere, and his conduct cleared of all blame, unless any -could attach to the implicitness of his confidence in his friend. How -grievous then was the thought that, of a situation so desirable in every -respect, so replete with advantage, so promising for happiness, Jane had -been deprived, by the folly and indecorum of her own family! - -When to these recollections was added the development of Wickham’s -character, it may be easily believed that the happy spirits which had -seldom been depressed before were now so much affected as to make it -almost impossible for her to appear tolerably cheerful. - -Their engagements at Rosings were as frequent during the last week of -her stay as they had been at first. The very last evening was spent -there; and her Ladyship again inquired minutely into the particulars of -their journey, gave them directions as to the best method of packing, -and was so urgent on the necessity of placing gowns in the only right -way, that Maria thought herself obliged, on her return, to undo all the -work of the morning, and pack her trunk afresh. - -When they parted, Lady Catherine, with great condescension, wished them -a good journey, and invited them to come to Hunsford again next year; -and Miss de Bourgh exerted herself so far as to courtesy and hold out -her hand to both. - - - - -[Illustration: - -“The elevation of his feelings.” -] - - - - -CHAPTER XXXVIII. - - -[Illustration] - -On Saturday morning Elizabeth and Mr. Collins met for breakfast a few -minutes before the others appeared; and he took the opportunity of -paying the parting civilities which he deemed indispensably necessary. - -“I know not, Miss Elizabeth,” said he, “whether Mrs. Collins has yet -expressed her sense of your kindness in coming to us; but I am very -certain you will not leave the house without receiving her thanks for -it. The favour of your company has been much felt, I assure you. We know -how little there is to tempt anyone to our humble abode. Our plain -manner of living, our small rooms, and few domestics, and the little we -see of the world, must make Hunsford extremely dull to a young lady like -yourself; but I hope you will believe us grateful for the condescension, -and that we have done everything in our power to prevent you spending -your time unpleasantly.” - -Elizabeth was eager with her thanks and assurances of happiness. She had -spent six weeks with great enjoyment; and the pleasure of being with -Charlotte, and the kind attention she had received, must make _her_ feel -the obliged. Mr. Collins was gratified; and with a more smiling -solemnity replied,-- - -“It gives me the greatest pleasure to hear that you have passed your -time not disagreeably. We have certainly done our best; and most -fortunately having it in our power to introduce you to very superior -society, and from our connection with Rosings, the frequent means of -varying the humble home scene, I think we may flatter ourselves that -your Hunsford visit cannot have been entirely irksome. Our situation -with regard to Lady Catherine’s family is, indeed, the sort of -extraordinary advantage and blessing which few can boast. You see on -what a footing we are. You see how continually we are engaged there. In -truth, I must acknowledge, that, with all the disadvantages of this -humble parsonage, I should not think anyone abiding in it an object of -compassion, while they are sharers of our intimacy at Rosings.” - -Words were insufficient for the elevation of his feelings; and he was -obliged to walk about the room, while Elizabeth tried to unite civility -and truth in a few short sentences. - -“You may, in fact, carry a very favourable report of us into -Hertfordshire, my dear cousin. I flatter myself, at least, that you will -be able to do so. Lady Catherine’s great attentions to Mrs. Collins you -have been a daily witness of; and altogether I trust it does not appear -that your friend has drawn an unfortunate--but on this point it will be -as well to be silent. Only let me assure you, my dear Miss Elizabeth, -that I can from my heart most cordially wish you equal felicity in -marriage. My dear Charlotte and I have but one mind and one way of -thinking. There is in everything a most remarkable resemblance of -character and ideas between us. We seem to have been designed for each -other.” - -Elizabeth could safely say that it was a great happiness where that was -the case, and with equal sincerity could add, that she firmly believed -and rejoiced in his domestic comforts. She was not sorry, however, to -have the recital of them interrupted by the entrance of the lady from -whom they sprang. Poor Charlotte! it was melancholy to leave her to such -society! But she had chosen it with her eyes open; and though evidently -regretting that her visitors were to go, she did not seem to ask for -compassion. Her home and her housekeeping, her parish and her poultry, -and all their dependent concerns, had not yet lost their charms. - -At length the chaise arrived, the trunks were fastened on, the parcels -placed within, and it was pronounced to be ready. After an affectionate -parting between the friends, Elizabeth was attended to the carriage by -Mr. Collins; and as they walked down the garden, he was commissioning -her with his best respects to all her family, not forgetting his thanks -for the kindness he had received at Longbourn in the winter, and his -compliments to Mr. and Mrs. Gardiner, though unknown. He then handed -her in, Maria followed, and the door was on the point of being closed, -when he suddenly reminded them, with some consternation, that they had -hitherto forgotten to leave any message for the ladies of Rosings. - -[Illustration: - -“They had forgotten to leave any message” -] - -“But,” he added, “you will of course wish to have your humble respects -delivered to them, with your grateful thanks for their kindness to you -while you have been here.” - -Elizabeth made no objection: the door was then allowed to be shut, and -the carriage drove off. - -“Good gracious!” cried Maria, after a few minutes’ silence, “it seems -but a day or two since we first came! and yet how many things have -happened!” - -“A great many indeed,” said her companion, with a sigh. - -“We have dined nine times at Rosings, besides drinking tea there twice! -How much I shall have to tell!” - -Elizabeth privately added, “And how much I shall have to conceal!” - -Their journey was performed without much conversation, or any alarm; and -within four hours of their leaving Hunsford they reached Mr. Gardiner’s -house, where they were to remain a few days. - -Jane looked well, and Elizabeth had little opportunity of studying her -spirits, amidst the various engagements which the kindness of her aunt -had reserved for them. But Jane was to go home with her, and at -Longbourn there would be leisure enough for observation. - -It was not without an effort, meanwhile, that she could wait even for -Longbourn, before she told her sister of Mr. Darcy’s proposals. To know -that she had the power of revealing what would so exceedingly astonish -Jane, and must, at the same time, so highly gratify whatever of her own -vanity she had not yet been able to reason away, was such a temptation -to openness as nothing could have conquered, but the state of indecision -in which she remained as to the extent of what she should communicate, -and her fear, if she once entered on the subject, of being hurried into -repeating something of Bingley, which might only grieve her sister -further. - - - - -[Illustration: - - “How nicely we are crammed in” -] - - - - -CHAPTER XXXIX. - - -[Illustration] - -It was the second week in May, in which the three young ladies set out -together from Gracechurch Street for the town of ----, in Hertfordshire; -and, as they drew near the appointed inn where Mr. Bennet’s carriage was -to meet them, they quickly perceived, in token of the coachman’s -punctuality, both Kitty and Lydia looking out of a dining-room upstairs. -These two girls had been above an hour in the place, happily employed -in visiting an opposite milliner, watching the sentinel on guard, and -dressing a salad and cucumber. - -After welcoming their sisters, they triumphantly displayed a table set -out with such cold meat as an inn larder usually affords, exclaiming, -“Is not this nice? is not this an agreeable surprise?” - -“And we mean to treat you all,” added Lydia; “but you must lend us the -money, for we have just spent ours at the shop out there.” Then showing -her purchases,--“Look here, I have bought this bonnet. I do not think it -is very pretty; but I thought I might as well buy it as not. I shall -pull it to pieces as soon as I get home, and see if I can make it up any -better.” - -And when her sisters abused it as ugly, she added, with perfect -unconcern, “Oh, but there were two or three much uglier in the shop; and -when I have bought some prettier-coloured satin to trim it with fresh, I -think it will be very tolerable. Besides, it will not much signify what -one wears this summer, after the ----shire have left Meryton, and they -are going in a fortnight.” - -“Are they, indeed?” cried Elizabeth, with the greatest satisfaction. - -“They are going to be encamped near Brighton; and I do so want papa to -take us all there for the summer! It would be such a delicious scheme, -and I dare say would hardly cost anything at all. Mamma would like to -go, too, of all things! Only think what a miserable summer else we shall -have!” - -“Yes,” thought Elizabeth; “_that_ would be a delightful scheme, indeed, -and completely do for us at once. Good Heaven! Brighton and a whole -campful of soldiers, to us, who have been overset already by one poor -regiment of militia, and the monthly balls of Meryton!” - -“Now I have got some news for you,” said Lydia, as they sat down to -table. “What do you think? It is excellent news, capital news, and about -a certain person that we all like.” - -Jane and Elizabeth looked at each other, and the waiter was told that he -need not stay. Lydia laughed, and said,-- - -“Ay, that is just like your formality and discretion. You thought the -waiter must not hear, as if he cared! I dare say he often hears worse -things said than I am going to say. But he is an ugly fellow! I am glad -he is gone. I never saw such a long chin in my life. Well, but now for -my news: it is about dear Wickham; too good for the waiter, is not it? -There is no danger of Wickham’s marrying Mary King--there’s for you! She -is gone down to her uncle at Liverpool; gone to stay. Wickham is safe.” - -“And Mary King is safe!” added Elizabeth; “safe from a connection -imprudent as to fortune.” - -“She is a great fool for going away, if she liked him.” - -“But I hope there is no strong attachment on either side,” said Jane. - -“I am sure there is not on _his_. I will answer for it, he never cared -three straws about her. Who _could_ about such a nasty little freckled -thing?” - -Elizabeth was shocked to think that, however incapable of such -coarseness of _expression_ herself, the coarseness of the _sentiment_ -was little other than her own breast had formerly harboured and fancied -liberal! - -As soon as all had ate, and the elder ones paid, the carriage was -ordered; and, after some contrivance, the whole party, with all their -boxes, workbags, and parcels, and the unwelcome addition of Kitty’s and -Lydia’s purchases, were seated in it. - -“How nicely we are crammed in!” cried Lydia. “I am glad I brought my -bonnet, if it is only for the fun of having another band-box! Well, now -let us be quite comfortable and snug, and talk and laugh all the way -home. And in the first place, let us hear what has happened to you all -since you went away. Have you seen any pleasant men? Have you had any -flirting? I was in great hopes that one of you would have got a husband -before you came back. Jane will be quite an old maid soon, I declare. -She is almost three-and-twenty! Lord! how ashamed I should be of not -being married before three-and-twenty! My aunt Philips wants you so to -get husbands you can’t think. She says Lizzy had better have taken Mr. -Collins; but _I_ do not think there would have been any fun in it. Lord! -how I should like to be married before any of you! and then I would -_chaperon_ you about to all the balls. Dear me! we had such a good piece -of fun the other day at Colonel Forster’s! Kitty and me were to spend -the day there, and Mrs. Forster promised to have a little dance in the -evening; (by-the-bye, Mrs. Forster and me are _such_ friends!) and so -she asked the two Harringtons to come: but Harriet was ill, and so Pen -was forced to come by herself; and then, what do you think we did? We -dressed up Chamberlayne in woman’s clothes, on purpose to pass for a -lady,--only think what fun! Not a soul knew of it, but Colonel and Mrs. -Forster, and Kitty and me, except my aunt, for we were forced to borrow -one of her gowns; and you cannot imagine how well he looked! When Denny, -and Wickham, and Pratt, and two or three more of the men came in, they -did not know him in the least. Lord! how I laughed! and so did Mrs. -Forster. I thought I should have died. And _that_ made the men suspect -something, and then they soon found out what was the matter.” - -With such kind of histories of their parties and good jokes did Lydia, -assisted by Kitty’s hints and additions, endeavour to amuse her -companions all the way to Longbourn. Elizabeth listened as little as she -could, but there was no escaping the frequent mention of Wickham’s name. - -Their reception at home was most kind. Mrs. Bennet rejoiced to see Jane -in undiminished beauty; and more than once during dinner did Mr. Bennet -say voluntarily to Elizabeth,---- - -“I am glad you are come back, Lizzy.” - -Their party in the dining-room was large, for almost all the Lucases -came to meet Maria and hear the news; and various were the subjects -which occupied them: Lady Lucas was inquiring of Maria, across the -table, after the welfare and poultry of her eldest daughter; Mrs. Bennet -was doubly engaged, on one hand collecting an account of the present -fashions from Jane, who sat some way below her, and on the other, -retailing them all to the younger Miss Lucases; and Lydia, in a voice -rather louder than any other person’s, was enumerating the various -pleasures of the morning to anybody who would hear her. - -“Oh, Mary,” said she, “I wish you had gone with us, for we had such fun! -as we went along Kitty and me drew up all the blinds, and pretended -there was nobody in the coach; and I should have gone so all the way, if -Kitty had not been sick; and when we got to the George, I do think we -behaved very handsomely, for we treated the other three with the nicest -cold luncheon in the world, and if you would have gone, we would have -treated you too. And then when we came away it was such fun! I thought -we never should have got into the coach. I was ready to die of laughter. -And then we were so merry all the way home! we talked and laughed so -loud, that anybody might have heard us ten miles off!” - -To this, Mary very gravely replied, “Far be it from me, my dear sister, -to depreciate such pleasures. They would doubtless be congenial with the -generality of female minds. But I confess they would have no charms for -_me_. I should infinitely prefer a book.” - -But of this answer Lydia heard not a word. She seldom listened to -anybody for more than half a minute, and never attended to Mary at all. - -In the afternoon Lydia was urgent with the rest of the girls to walk to -Meryton, and see how everybody went on; but Elizabeth steadily opposed -the scheme. It should not be said, that the Miss Bennets could not be at -home half a day before they were in pursuit of the officers. There was -another reason, too, for her opposition. She dreaded seeing Wickham -again, and was resolved to avoid it as long as possible. The comfort to -_her_, of the regiment’s approaching removal, was indeed beyond -expression. In a fortnight they were to go, and once gone, she hoped -there could be nothing more to plague her on his account. - -She had not been many hours at home, before she found that the Brighton -scheme, of which Lydia had given them a hint at the inn, was under -frequent discussion between her parents. Elizabeth saw directly that her -father had not the smallest intention of yielding; but his answers were -at the same time so vague and equivocal, that her mother, though often -disheartened, had never yet despaired of succeeding at last. - - - - -[Illustration] - - - - -CHAPTER XL. - - -[Illustration] - -Elizabeth’s impatience to acquaint Jane with what had happened could no -longer be overcome; and at length resolving to suppress every particular -in which her sister was concerned, and preparing her to be surprised, -she related to her the next morning the chief of the scene between Mr. -Darcy and herself. - -Miss Bennet’s astonishment was soon lessened by the strong sisterly -partiality which made any admiration of Elizabeth appear perfectly -natural; and all surprise was shortly lost in other feelings. She was -sorry that Mr. Darcy should have delivered his sentiments in a manner so -little suited to recommend them; but still more was she grieved for the -unhappiness which her sister’s refusal must have given him. - -“His being so sure of succeeding was wrong,” said she, “and certainly -ought not to have appeared; but consider how much it must increase his -disappointment.” - -“Indeed,” replied Elizabeth, “I am heartily sorry for him; but he has -other feelings which will probably soon drive away his regard for me. -You do not blame me, however, for refusing him?” - -“Blame you! Oh, no.” - -“But you blame me for having spoken so warmly of Wickham?” - -“No--I do not know that you were wrong in saying what you did.” - -“But you _will_ know it, when I have told you what happened the very -next day.” - -She then spoke of the letter, repeating the whole of its contents as far -as they concerned George Wickham. What a stroke was this for poor Jane, -who would willingly have gone through the world without believing that -so much wickedness existed in the whole race of mankind as was here -collected in one individual! Nor was Darcy’s vindication, though -grateful to her feelings, capable of consoling her for such discovery. -Most earnestly did she labour to prove the probability of error, and -seek to clear one, without involving the other. - -“This will not do,” said Elizabeth; “you never will be able to make both -of them good for anything. Take your choice, but you must be satisfied -with only one. There is but such a quantity of merit between them; just -enough to make one good sort of man; and of late it has been shifting -about pretty much. For my part, I am inclined to believe it all Mr. -Darcy’s, but you shall do as you choose.” - -It was some time, however, before a smile could be extorted from Jane. - -“I do not know when I have been more shocked,” said she. “Wickham so -very bad! It is almost past belief. And poor Mr. Darcy! dear Lizzy, -only consider what he must have suffered. Such a disappointment! and -with the knowledge of your ill opinion too! and having to relate such a -thing of his sister! It is really too distressing, I am sure you must -feel it so.” - -“Oh no, my regret and compassion are all done away by seeing you so full -of both. I know you will do him such ample justice, that I am growing -every moment more unconcerned and indifferent. Your profusion makes me -saving; and if you lament over him much longer, my heart will be as -light as a feather.” - -“Poor Wickham! there is such an expression of goodness in his -countenance! such an openness and gentleness in his manner.” - -“There certainly was some great mismanagement in the education of those -two young men. One has got all the goodness, and the other all the -appearance of it.” - -“I never thought Mr. Darcy so deficient in the _appearance_ of it as you -used to do.” - -“And yet I meant to be uncommonly clever in taking so decided a dislike -to him, without any reason. It is such a spur to one’s genius, such an -opening for wit, to have a dislike of that kind. One may be continually -abusive without saying anything just; but one cannot be always laughing -at a man without now and then stumbling on something witty.” - -“Lizzy, when you first read that letter, I am sure you could not treat -the matter as you do now.” - -“Indeed, I could not. I was uncomfortable enough, I was very -uncomfortable--I may say unhappy. And with no one to speak to of what I -felt, no Jane to comfort me, and say that I had not been so very weak, -and vain, and nonsensical, as I knew I had! Oh, how I wanted you!” - -“How unfortunate that you should have used such very strong expressions -in speaking of Wickham to Mr. Darcy, for now they _do_ appear wholly -undeserved.” - -“Certainly. But the misfortune of speaking with bitterness is a most -natural consequence of the prejudices I had been encouraging. There is -one point on which I want your advice. I want to be told whether I -ought, or ought not, to make our acquaintance in general understand -Wickham’s character.” - -Miss Bennet paused a little, and then replied, “Surely there can be no -occasion for exposing him so dreadfully. What is your own opinion?” - -“That it ought not to be attempted. Mr. Darcy has not authorized me to -make his communication public. On the contrary, every particular -relative to his sister was meant to be kept as much as possible to -myself; and if I endeavour to undeceive people as to the rest of his -conduct, who will believe me? The general prejudice against Mr. Darcy is -so violent, that it would be the death of half the good people in -Meryton, to attempt to place him in an amiable light. I am not equal to -it. Wickham will soon be gone; and, therefore, it will not signify to -anybody here what he really is. Some time hence it will be all found -out, and then we may laugh at their stupidity in not knowing it before. -At present I will say nothing about it.” - -“You are quite right. To have his errors made public might ruin him for -ever. He is now, perhaps, sorry for what he has done, and anxious to -re-establish a character. We must not make him desperate.” - -The tumult of Elizabeth’s mind was allayed by this conversation. She -had got rid of two of the secrets which had weighed on her for a -fortnight, and was certain of a willing listener in Jane, whenever she -might wish to talk again of either. But there was still something -lurking behind, of which prudence forbade the disclosure. She dared not -relate the other half of Mr. Darcy’s letter, nor explain to her sister -how sincerely she had been valued by his friend. Here was knowledge in -which no one could partake; and she was sensible that nothing less than -a perfect understanding between the parties could justify her in -throwing off this last encumbrance of mystery. “And then,” said she, “if -that very improbable event should ever take place, I shall merely be -able to tell what Bingley may tell in a much more agreeable manner -himself. The liberty of communication cannot be mine till it has lost -all its value!” - -She was now, on being settled at home, at leisure to observe the real -state of her sister’s spirits. Jane was not happy. She still cherished a -very tender affection for Bingley. Having never even fancied herself in -love before, her regard had all the warmth of first attachment, and from -her age and disposition, greater steadiness than first attachments often -boast; and so fervently did she value his remembrance, and prefer him to -every other man, that all her good sense, and all her attention to the -feelings of her friends, were requisite to check the indulgence of those -regrets which must have been injurious to her own health and their -tranquillity. - -“Well, Lizzy,” said Mrs. Bennet, one day, “what is your opinion _now_ of -this sad business of Jane’s? For my part, I am determined never to speak -of it again to anybody. I told my sister Philips so the other day. But I -cannot find out that Jane saw anything of him in London. Well, he is a -very undeserving young man--and I do not suppose there is the least -chance in the world of her ever getting him now. There is no talk of his -coming to Netherfield again in the summer; and I have inquired of -everybody, too, who is likely to know.” - -[Illustration: - - “I am determined never to speak of it again” -] - -“I do not believe that he will ever live at Netherfield any more.” - -“Oh, well! it is just as he chooses. Nobody wants him to come; though I -shall always say that he used my daughter extremely ill; and, if I was -her, I would not have put up with it. Well, my comfort is, I am sure -Jane will die of a broken heart, and then he will be sorry for what he -has done.” - -But as Elizabeth could not receive comfort from any such expectation she -made no answer. - -“Well, Lizzy,” continued her mother, soon afterwards, “and so the -Collinses live very comfortable, do they? Well, well, I only hope it -will last. And what sort of table do they keep? Charlotte is an -excellent manager, I dare say. If she is half as sharp as her mother, -she is saving enough. There is nothing extravagant in _their_ -housekeeping, I dare say.” - -“No, nothing at all.” - -“A great deal of good management, depend upon it. Yes, yes. _They_ will -take care not to outrun their income. _They_ will never be distressed -for money. Well, much good may it do them! And so, I suppose, they often -talk of having Longbourn when your father is dead. They look upon it -quite as their own, I dare say, whenever that happens.” - -“It was a subject which they could not mention before me.” - -“No; it would have been strange if they had. But I make no doubt they -often talk of it between themselves. Well, if they can be easy with an -estate that is not lawfully their own, so much the better. _I_ should be -ashamed of having one that was only entailed on me.” - - - - -[Illustration: - -“When Colonel Miller’s regiment went away” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER XLI. - - -[Illustration] - -The first week of their return was soon gone. The second began. It was -the last of the regiment’s stay in Meryton, and all the young ladies in -the neighbourhood were drooping apace. The dejection was almost -universal. The elder Miss Bennets alone were still able to eat, drink, -and sleep, and pursue the usual course of their employments. Very -frequently were they reproached for this insensibility by Kitty and -Lydia, whose own misery was extreme, and who could not comprehend such -hard-heartedness in any of the family. - -“Good Heaven! What is to become of us? What are we to do?” would they -often exclaim in the bitterness of woe. “How can you be smiling so, -Lizzy?” - -Their affectionate mother shared all their grief; she remembered what -she had herself endured on a similar occasion five-and-twenty years ago. - -“I am sure,” said she, “I cried for two days together when Colonel -Miller’s regiment went away. I thought I should have broke my heart.” - -“I am sure I shall break _mine_,” said Lydia. - -“If one could but go to Brighton!” observed Mrs. Bennet. - -“Oh yes!--if one could but go to Brighton! But papa is so disagreeable.” - -“A little sea-bathing would set me up for ever.” - -“And my aunt Philips is sure it would do _me_ a great deal of good,” -added Kitty. - -Such were the kind of lamentations resounding perpetually through -Longbourn House. Elizabeth tried to be diverted by them; but all sense -of pleasure was lost in shame. She felt anew the justice of Mr. Darcy’s -objections; and never had she before been so much disposed to pardon his -interference in the views of his friend. - -But the gloom of Lydia’s prospect was shortly cleared away; for she -received an invitation from Mrs. Forster, the wife of the colonel of the -regiment, to accompany her to Brighton. This invaluable friend was a -very young woman, and very lately married. A resemblance in good-humour -and good spirits had recommended her and Lydia to each other, and out of -their _three_ months’ acquaintance they had been intimate _two_. - -The rapture of Lydia on this occasion, her adoration of Mrs. Forster, -the delight of Mrs. Bennet, and the mortification of Kitty, are scarcely -to be described. Wholly inattentive to her sister’s feelings, Lydia flew -about the house in restless ecstasy, calling for everyone’s -congratulations, and laughing and talking with more violence than ever; -whilst the luckless Kitty continued in the parlour repining at her fate -in terms as unreasonable as her accent was peevish. - -“I cannot see why Mrs. Forster should not ask _me_ as well as Lydia,” -said she, “though I am _not_ her particular friend. I have just as much -right to be asked as she has, and more too, for I am two years older.” - -In vain did Elizabeth attempt to make her reasonable, and Jane to make -her resigned. As for Elizabeth herself, this invitation was so far from -exciting in her the same feelings as in her mother and Lydia, that she -considered it as the death-warrant of all possibility of common sense -for the latter; and detestable as such a step must make her, were it -known, she could not help secretly advising her father not to let her -go. She represented to him all the improprieties of Lydia’s general -behaviour, the little advantage she could derive from the friendship of -such a woman as Mrs. Forster, and the probability of her being yet more -imprudent with such a companion at Brighton, where the temptations must -be greater than at home. He heard her attentively, and then said,-- - -“Lydia will never be easy till she has exposed herself in some public -place or other, and we can never expect her to do it with so little -expense or inconvenience to her family as under the present -circumstances.” - -“If you were aware,” said Elizabeth, “of the very great disadvantage to -us all, which must arise from the public notice of Lydia’s unguarded and -imprudent manner, nay, which has already arisen from it, I am sure you -would judge differently in the affair.” - -“Already arisen!” repeated Mr. Bennet. “What! has she frightened away -some of your lovers? Poor little Lizzy! But do not be cast down. Such -squeamish youths as cannot bear to be connected with a little absurdity -are not worth a regret. Come, let me see the list of the pitiful fellows -who have been kept aloof by Lydia’s folly.” - -“Indeed, you are mistaken. I have no such injuries to resent. It is not -of peculiar, but of general evils, which I am now complaining. Our -importance, our respectability in the world, must be affected by the -wild volatility, the assurance and disdain of all restraint which mark -Lydia’s character. Excuse me,--for I must speak plainly. If you, my dear -father, will not take the trouble of checking her exuberant spirits, and -of teaching her that her present pursuits are not to be the business of -her life, she will soon be beyond the reach of amendment. Her character -will be fixed; and she will, at sixteen, be the most determined flirt -that ever made herself and her family ridiculous;--a flirt, too, in the -worst and meanest degree of flirtation; without any attraction beyond -youth and a tolerable person; and, from the ignorance and emptiness of -her mind, wholly unable to ward off any portion of that universal -contempt which her rage for admiration will excite. In this danger Kitty -is also comprehended. She will follow wherever Lydia leads. Vain, -ignorant, idle, and absolutely uncontrolled! Oh, my dear father, can you -suppose it possible that they will not be censured and despised wherever -they are known, and that their sisters will not be often involved in the -disgrace?” - -Mr. Bennet saw that her whole heart was in the subject; and, -affectionately taking her hand, said, in reply,-- - -“Do not make yourself uneasy, my love. Wherever you and Jane are known, -you must be respected and valued; and you will not appear to less -advantage for having a couple of--or I may say, three--very silly -sisters. We shall have no peace at Longbourn if Lydia does not go to -Brighton. Let her go, then. Colonel Forster is a sensible man, and will -keep her out of any real mischief; and she is luckily too poor to be an -object of prey to anybody. At Brighton she will be of less importance -even as a common flirt than she has been here. The officers will find -women better worth their notice. Let us hope, therefore, that her being -there may teach her her own insignificance. At any rate, she cannot grow -many degrees worse, without authorizing us to lock her up for the rest -of her life.” - -With this answer Elizabeth was forced to be content; but her own opinion -continued the same, and she left him disappointed and sorry. It was not -in her nature, however, to increase her vexations by dwelling on them. -She was confident of having performed her duty; and to fret over -unavoidable evils, or augment them by anxiety, was no part of her -disposition. - -Had Lydia and her mother known the substance of her conference with her -father, their indignation would hardly have found expression in their -united volubility. In Lydia’s imagination, a visit to Brighton comprised -every possibility of earthly happiness. She saw, with the creative eye -of fancy, the streets of that gay bathing-place covered with officers. -She saw herself the object of attention to tens and to scores of them at -present unknown. She saw all the glories of the camp: its tents -stretched forth in beauteous uniformity of lines, crowded with the young -and the gay, and dazzling with scarlet; and, to complete the view, she -saw herself seated beneath a tent, tenderly flirting with at least six -officers at once. - -[Illustration: - -“Tenderly flirting” - -[_Copyright 1894 by George Allen._]] - -Had she known that her sister sought to tear her from such prospects and -such realities as these, what would have been her sensations? They could -have been understood only by her mother, who might have felt nearly the -same. Lydia’s going to Brighton was all that consoled her for the -melancholy conviction of her husband’s never intending to go there -himself. - -But they were entirely ignorant of what had passed; and their raptures -continued, with little intermission, to the very day of Lydia’s leaving -home. - -Elizabeth was now to see Mr. Wickham for the last time. Having been -frequently in company with him since her return, agitation was pretty -well over; the agitations of former partiality entirely so. She had even -learnt to detect, in the very gentleness which had first delighted her, -an affectation and a sameness to disgust and weary. In his present -behaviour to herself, moreover, she had a fresh source of displeasure; -for the inclination he soon testified of renewing those attentions which -had marked the early part of their acquaintance could only serve, after -what had since passed, to provoke her. She lost all concern for him in -finding herself thus selected as the object of such idle and frivolous -gallantry; and while she steadily repressed it, could not but feel the -reproof contained in his believing, that however long, and for whatever -cause, his attentions had been withdrawn, her vanity would be gratified, -and her preference secured, at any time, by their renewal. - -On the very last day of the regiment’s remaining in Meryton, he dined, -with others of the officers, at Longbourn; and so little was Elizabeth -disposed to part from him in good-humour, that, on his making some -inquiry as to the manner in which her time had passed at Hunsford, she -mentioned Colonel Fitzwilliam’s and Mr. Darcy’s having both spent three -weeks at Rosings, and asked him if he were acquainted with the former. - -He looked surprised, displeased, alarmed; but, with a moment’s -recollection, and a returning smile, replied, that he had formerly seen -him often; and, after observing that he was a very gentlemanlike man, -asked her how she had liked him. Her answer was warmly in his favour. -With an air of indifference, he soon afterwards added, “How long did you -say that he was at Rosings?” - -“Nearly three weeks.” - -“And you saw him frequently?” - -“Yes, almost every day.” - -“His manners are very different from his cousin’s.” - -“Yes, very different; but I think Mr. Darcy improves on acquaintance.” - -“Indeed!” cried Wickham, with a look which did not escape her. “And pray -may I ask--” but checking himself, he added, in a gayer tone, “Is it in -address that he improves? Has he deigned to add aught of civility to his -ordinary style? for I dare not hope,” he continued, in a lower and more -serious tone, “that he is improved in essentials.” - -“Oh, no!” said Elizabeth. “In essentials, I believe, he is very much -what he ever was.” - -While she spoke, Wickham looked as if scarcely knowing whether to -rejoice over her words or to distrust their meaning. There was a -something in her countenance which made him listen with an apprehensive -and anxious attention, while she added,-- - -“When I said that he improved on acquaintance, I did not mean that -either his mind or manners were in a state of improvement; but that, -from knowing him better, his disposition was better understood.” - -Wickham’s alarm now appeared in a heightened complexion and agitated -look; for a few minutes he was silent; till, shaking off his -embarrassment, he turned to her again, and said in the gentlest of -accents,-- - -“You, who so well know my feelings towards Mr. Darcy, will readily -comprehend how sincerely I must rejoice that he is wise enough to assume -even the _appearance_ of what is right. His pride, in that direction, -may be of service, if not to himself, to many others, for it must deter -him from such foul misconduct as I have suffered by. I only fear that -the sort of cautiousness to which you, I imagine, have been alluding, is -merely adopted on his visits to his aunt, of whose good opinion and -judgment he stands much in awe. His fear of her has always operated, I -know, when they were together; and a good deal is to be imputed to his -wish of forwarding the match with Miss de Bourgh, which I am certain he -has very much at heart.” - -Elizabeth could not repress a smile at this, but she answered only by a -slight inclination of the head. She saw that he wanted to engage her on -the old subject of his grievances, and she was in no humour to indulge -him. The rest of the evening passed with the _appearance_, on his side, -of usual cheerfulness, but with no further attempt to distinguish -Elizabeth; and they parted at last with mutual civility, and possibly a -mutual desire of never meeting again. - -When the party broke up, Lydia returned with Mrs. Forster to Meryton, -from whence they were to set out early the next morning. The separation -between her and her family was rather noisy than pathetic. Kitty was the -only one who shed tears; but she did weep from vexation and envy. Mrs. -Bennet was diffuse in her good wishes for the felicity of her daughter, -and impressive in her injunctions that she would not miss the -opportunity of enjoying herself as much as possible,--advice which there -was every reason to believe would be attended to; and, in the clamorous -happiness of Lydia herself in bidding farewell, the more gentle adieus -of her sisters were uttered without being heard. - - - - -[Illustration: - -The arrival of the -Gardiners -] - - - - -CHAPTER XLII. - - -[Illustration] - -Had Elizabeth’s opinion been all drawn from her own family, she could -not have formed a very pleasing picture of conjugal felicity or domestic -comfort. Her father, captivated by youth and beauty, and that appearance -of good-humour which youth and beauty generally give, had married a -woman whose weak understanding and illiberal mind had very early in -their marriage put an end to all real affection for her. Respect, -esteem, and confidence had vanished for ever; and all his views of -domestic happiness were overthrown. But Mr. Bennet was not of a -disposition to seek comfort for the disappointment which his own -imprudence had brought on in any of those pleasures which too often -console the unfortunate for their folly or their vice. He was fond of -the country and of books; and from these tastes had arisen his principal -enjoyments. To his wife he was very little otherwise indebted than as -her ignorance and folly had contributed to his amusement. This is not -the sort of happiness which a man would in general wish to owe to his -wife; but where other powers of entertainment are wanting, the true -philosopher will derive benefit from such as are given. - -Elizabeth, however, had never been blind to the impropriety of her -father’s behaviour as a husband. She had always seen it with pain; but -respecting his abilities, and grateful for his affectionate treatment of -herself, she endeavoured to forget what she could not overlook, and to -banish from her thoughts that continual breach of conjugal obligation -and decorum which, in exposing his wife to the contempt of her own -children, was so highly reprehensible. But she had never felt so -strongly as now the disadvantages which must attend the children of so -unsuitable a marriage, nor ever been so fully aware of the evils arising -from so ill-judged a direction of talents--talents which, rightly used, -might at least have preserved the respectability of his daughters, even -if incapable of enlarging the mind of his wife. - -When Elizabeth had rejoiced over Wickham’s departure, she found little -other cause for satisfaction in the loss of the regiment. Their parties -abroad were less varied than before; and at home she had a mother and -sister, whose constant repinings at the dulness of everything around -them threw a real gloom over their domestic circle; and, though Kitty -might in time regain her natural degree of sense, since the disturbers -of her brain were removed, her other sister, from whose disposition -greater evil might be apprehended, was likely to be hardened in all her -folly and assurance, by a situation of such double danger as a -watering-place and a camp. Upon the whole, therefore, she found, what -has been sometimes found before, that an event to which she had looked -forward with impatient desire, did not, in taking place, bring all the -satisfaction she had promised herself. It was consequently necessary to -name some other period for the commencement of actual felicity; to have -some other point on which her wishes and hopes might be fixed, and by -again enjoying the pleasure of anticipation, console herself for the -present, and prepare for another disappointment. Her tour to the Lakes -was now the object of her happiest thoughts: it was her best consolation -for all the uncomfortable hours which the discontentedness of her mother -and Kitty made inevitable; and could she have included Jane in the -scheme, every part of it would have been perfect. - -“But it is fortunate,” thought she, “that I have something to wish for. -Were the whole arrangement complete, my disappointment would be certain. -But here, by carrying with me one ceaseless source of regret in my -sister’s absence, I may reasonably hope to have all my expectations of -pleasure realized. A scheme of which every part promises delight can -never be successful; and general disappointment is only warded off by -the defence of some little peculiar vexation.” - -When Lydia went away she promised to write very often and very minutely -to her mother and Kitty; but her letters were always long expected, and -always very short. Those to her mother contained little else than that -they were just returned from the library, where such and such officers -had attended them, and where she had seen such beautiful ornaments as -made her quite wild; that she had a new gown, or a new parasol, which -she would have described more fully, but was obliged to leave off in a -violent hurry, as Mrs. Forster called her, and they were going to the -camp; and from her correspondence with her sister there was still less -to be learnt, for her letters to Kitty, though rather longer, were much -too full of lines under the words to be made public. - -After the first fortnight or three weeks of her absence, health, -good-humour, and cheerfulness began to reappear at Longbourn. Everything -wore a happier aspect. The families who had been in town for the winter -came back again, and summer finery and summer engagements arose. Mrs. -Bennet was restored to her usual querulous serenity; and by the middle -of June Kitty was so much recovered as to be able to enter Meryton -without tears,--an event of such happy promise as to make Elizabeth -hope, that by the following Christmas she might be so tolerably -reasonable as not to mention an officer above once a day, unless, by -some cruel and malicious arrangement at the War Office, another regiment -should be quartered in Meryton. - -The time fixed for the beginning of their northern tour was now fast -approaching; and a fortnight only was wanting of it, when a letter -arrived from Mrs. Gardiner, which at once delayed its commencement and -curtailed its extent. Mr. Gardiner would be prevented by business from -setting out till a fortnight later in July, and must be in London again -within a month; and as that left too short a period for them to go so -far, and see so much as they had proposed, or at least to see it with -the leisure and comfort they had built on, they were obliged to give up -the Lakes, and substitute a more contracted tour; and, according to the -present plan, were to go no farther northward than Derbyshire. In that -county there was enough to be seen to occupy the chief of their three -weeks; and to Mrs. Gardiner it had a peculiarly strong attraction. The -town where she had formerly passed some years of her life, and where -they were now to spend a few days, was probably as great an object of -her curiosity as all the celebrated beauties of Matlock, Chatsworth, -Dovedale, or the Peak. - -Elizabeth was excessively disappointed: she had set her heart on seeing -the Lakes; and still thought there might have been time enough. But it -was her business to be satisfied--and certainly her temper to be happy; -and all was soon right again. - -With the mention of Derbyshire, there were many ideas connected. It was -impossible for her to see the word without thinking of Pemberley and its -owner. “But surely,” said she, “I may enter his county with impunity, -and rob it of a few petrified spars, without his perceiving me.” - -The period of expectation was now doubled. Four weeks were to pass away -before her uncle and aunt’s arrival. But they did pass away, and Mr. and -Mrs. Gardiner, with their four children, did at length appear at -Longbourn. The children, two girls of six and eight years old, and two -younger boys, were to be left under the particular care of their cousin -Jane, who was the general favourite, and whose steady sense and -sweetness of temper exactly adapted her for attending to them in every -way--teaching them, playing with them, and loving them. - -The Gardiners stayed only one night at Longbourn, and set off the next -morning with Elizabeth in pursuit of novelty and amusement. One -enjoyment was certain--that of suitableness as companions; a -suitableness which comprehended health and temper to bear -inconveniences--cheerfulness to enhance every pleasure--and affection -and intelligence, which might supply it among themselves if there were -disappointments abroad. - -It is not the object of this work to give a description of Derbyshire, -nor of any of the remarkable places through which their route thither -lay--Oxford, Blenheim, Warwick, Kenilworth, Birmingham, etc., are -sufficiently known. A small part of Derbyshire is all the present -concern. To the little town of Lambton, the scene of Mrs. Gardiner’s -former residence, and where she had lately learned that some -acquaintance still remained, they bent their steps, after having seen -all the principal wonders of the country; and within five miles of -Lambton, Elizabeth found, from her aunt, that Pemberley was situated. It -was not in their direct road; nor more than a mile or two out of it. In -talking over their route the evening before, Mrs. Gardiner expressed an -inclination to see the place again. Mr. Gardiner declared his -willingness, and Elizabeth was applied to for her approbation. - -“My love, should not you like to see a place of which you have heard so -much?” said her aunt. “A place, too, with which so many of your -acquaintance are connected. Wickham passed all his youth there, you -know.” - -Elizabeth was distressed. She felt that she had no business at -Pemberley, and was obliged to assume a disinclination for seeing it. She -must own that she was tired of great houses: after going over so many, -she really had no pleasure in fine carpets or satin curtains. - -Mrs. Gardiner abused her stupidity. “If it were merely a fine house -richly furnished,” said she, “I should not care about it myself; but the -grounds are delightful. They have some of the finest woods in the -country.” - -Elizabeth said no more; but her mind could not acquiesce. The -possibility of meeting Mr. Darcy, while viewing the place, instantly -occurred. It would be dreadful! She blushed at the very idea; and -thought it would be better to speak openly to her aunt, than to run such -a risk. But against this there were objections; and she finally resolved -that it could be the last resource, if her private inquiries as to the -absence of the family were unfavourably answered. - -Accordingly, when she retired at night, she asked the chambermaid -whether Pemberley were not a very fine place, what was the name of its -proprietor, and, with no little alarm, whether the family were down for -the summer? A most welcome negative followed the last question; and her -alarms being now removed, she was at leisure to feel a great deal of -curiosity to see the house herself; and when the subject was revived the -next morning, and she was again applied to, could readily answer, and -with a proper air of indifference, that she had not really any dislike -to the scheme. - -To Pemberley, therefore, they were to go. - - - - -[Illustration: - - “Conjecturing as to the date” -] - - - - -CHAPTER XLIII. - - -[Illustration] - -Elizabeth, as they drove along, watched for the first appearance of -Pemberley Woods with some perturbation; and when at length they turned -in at the lodge, her spirits were in a high flutter. - -The park was very large, and contained great variety of ground. They -entered it in one of its lowest points, and drove for some time through -a beautiful wood stretching over a wide extent. - -Elizabeth’s mind was too full for conversation, but she saw and admired -every remarkable spot and point of view. They gradually ascended for -half a mile, and then found themselves at the top of a considerable -eminence, where the wood ceased, and the eye was instantly caught by -Pemberley House, situated on the opposite side of the valley, into which -the road with some abruptness wound. It was a large, handsome stone -building, standing well on rising ground, and backed by a ridge of high -woody hills; and in front a stream of some natural importance was -swelled into greater, but without any artificial appearance. Its banks -were neither formal nor falsely adorned. Elizabeth was delighted. She -had never seen a place for which nature had done more, or where natural -beauty had been so little counteracted by an awkward taste. They were -all of them warm in their admiration; and at that moment she felt that -to be mistress of Pemberley might be something! - -They descended the hill, crossed the bridge, and drove to the door; and, -while examining the nearer aspect of the house, all her apprehension of -meeting its owner returned. She dreaded lest the chambermaid had been -mistaken. On applying to see the place, they were admitted into the -hall; and Elizabeth, as they waited for the housekeeper, had leisure to -wonder at her being where she was. - -The housekeeper came; a respectable looking elderly woman, much less -fine, and more civil, than she had any notion of finding her. They -followed her into the dining-parlour. It was a large, well-proportioned -room, handsomely fitted up. Elizabeth, after slightly surveying it, went -to a window to enjoy its prospect. The hill, crowned with wood, from -which they had descended, receiving increased abruptness from the -distance, was a beautiful object. Every disposition of the ground was -good; and she looked on the whole scene, the river, the trees scattered -on its banks, and the winding of the valley, as far as she could trace -it, with delight. As they passed into other rooms, these objects were -taking different positions; but from every window there were beauties -to be seen. The rooms were lofty and handsome, and their furniture -suitable to the fortune of their proprietor; but Elizabeth saw, with -admiration of his taste, that it was neither gaudy nor uselessly -fine,--with less of splendour, and more real elegance, than the -furniture of Rosings. - -“And of this place,” thought she, “I might have been mistress! With -these rooms I might have now been familiarly acquainted! Instead of -viewing them as a stranger, I might have rejoiced in them as my own, and -welcomed to them as visitors my uncle and aunt. But, no,” recollecting -herself, “that could never be; my uncle and aunt would have been lost to -me; I should not have been allowed to invite them.” - -This was a lucky recollection--it saved her from something like regret. - -She longed to inquire of the housekeeper whether her master were really -absent, but had not courage for it. At length, however, the question was -asked by her uncle; and she turned away with alarm, while Mrs. Reynolds -replied, that he was; adding, “But we expect him to-morrow, with a large -party of friends.” How rejoiced was Elizabeth that their own journey had -not by any circumstance been delayed a day! - -Her aunt now called her to look at a picture. She approached, and saw -the likeness of Mr. Wickham, suspended, amongst several other -miniatures, over the mantel-piece. Her aunt asked her, smilingly, how -she liked it. The housekeeper came forward, and told them it was the -picture of a young gentleman, the son of her late master’s steward, who -had been brought up by him at his own expense. “He is now gone into the -army,” she added; “but I am afraid he has turned out very wild.” - -Mrs. Gardiner looked at her niece with a smile, but Elizabeth could not -return it. - -“And that,” said Mrs. Reynolds, pointing to another of the miniatures, -“is my master--and very like him. It was drawn at the same time as the -other--about eight years ago.” - -“I have heard much of your master’s fine person,” said Mrs. Gardiner, -looking at the picture; “it is a handsome face. But, Lizzy, you can tell -us whether it is like or not.” - -Mrs. Reynolds’ respect for Elizabeth seemed to increase on this -intimation of her knowing her master. - -“Does that young lady know Mr. Darcy?” - -Elizabeth coloured, and said, “A little.” - -“And do not you think him a very handsome gentleman, ma’am?” - -“Yes, very handsome.” - -“I am sure _I_ know none so handsome; but in the gallery upstairs you -will see a finer, larger picture of him than this. This room was my late -master’s favourite room, and these miniatures are just as they used to -be then. He was very fond of them.” - -This accounted to Elizabeth for Mr. Wickham’s being among them. - -Mrs. Reynolds then directed their attention to one of Miss Darcy, drawn -when she was only eight years old. - -“And is Miss Darcy as handsome as her brother?” said Mr. Gardiner. - -“Oh, yes--the handsomest young lady that ever was seen; and so -accomplished! She plays and sings all day long. In the next room is a -new instrument just come down for her--a present from my master: she -comes here to-morrow with him.” - -Mr. Gardiner, whose manners were easy and pleasant, encouraged her -communicativeness by his questions and remarks: Mrs. Reynolds, either -from pride or attachment, had evidently great pleasure in talking of her -master and his sister. - -“Is your master much at Pemberley in the course of the year?” - -“Not so much as I could wish, sir: but I dare say he may spend half his -time here; and Miss Darcy is always down for the summer months.” - -“Except,” thought Elizabeth, “when she goes to Ramsgate.” - -“If your master would marry, you might see more of him.” - -“Yes, sir; but I do not know when _that_ will be. I do not know who is -good enough for him.” - -Mr. and Mrs. Gardiner smiled. Elizabeth could not help saying, “It is -very much to his credit, I am sure, that you should think so.” - -“I say no more than the truth, and what everybody will say that knows -him,” replied the other. Elizabeth thought this was going pretty far; -and she listened with increasing astonishment as the housekeeper added, -“I have never had a cross word from him in my life, and I have known him -ever since he was four years old.” - -This was praise of all others most extraordinary, most opposite to her -ideas. That he was not a good-tempered man had been her firmest opinion. -Her keenest attention was awakened: she longed to hear more; and was -grateful to her uncle for saying,-- - -“There are very few people of whom so much can be said. You are lucky in -having such a master.” - -“Yes, sir, I know I am. If I were to go through the world, I could not -meet with a better. But I have always observed, that they who are -good-natured when children, are good-natured when they grow up; and he -was always the sweetest tempered, most generous-hearted boy in the -world.” - -Elizabeth almost stared at her. “Can this be Mr. Darcy?” thought she. - -“His father was an excellent man,” said Mrs. Gardiner. - -“Yes, ma’am, that he was indeed; and his son will be just like him--just -as affable to the poor.” - -Elizabeth listened, wondered, doubted, and was impatient for more. Mrs. -Reynolds could interest her on no other point. She related the subjects -of the pictures, the dimensions of the rooms, and the price of the -furniture in vain. Mr. Gardiner, highly amused by the kind of family -prejudice, to which he attributed her excessive commendation of her -master, soon led again to the subject; and she dwelt with energy on his -many merits, as they proceeded together up the great staircase. - -“He is the best landlord, and the best master,” said she, “that ever -lived. Not like the wild young men now-a-days, who think of nothing but -themselves. There is not one of his tenants or servants but what will -give him a good name. Some people call him proud; but I am sure I never -saw anything of it. To my fancy, it is only because he does not rattle -away like other young men.” - -“In what an amiable light does this place him!” thought Elizabeth. - -“This fine account of him,” whispered her aunt as they walked, “is not -quite consistent with his behaviour to our poor friend.” - -“Perhaps we might be deceived.” - -“That is not very likely; our authority was too good.” - -On reaching the spacious lobby above, they were shown into a very pretty -sitting-room, lately fitted up with greater elegance and lightness than -the apartments below; and were informed that it was but just done to -give pleasure to Miss Darcy, who had taken a liking to the room, when -last at Pemberley. - -“He is certainly a good brother,” said Elizabeth, as she walked towards -one of the windows. - -Mrs. Reynolds anticipated Miss Darcy’s delight, when she should enter -the room. “And this is always the way with him,” she added. “Whatever -can give his sister any pleasure, is sure to be done in a moment. There -is nothing he would not do for her.” - -The picture gallery, and two or three of the principal bed-rooms, were -all that remained to be shown. In the former were many good paintings: -but Elizabeth knew nothing of the art; and from such as had been already -visible below, she had willingly turned to look at some drawings of Miss -Darcy’s, in crayons, whose subjects were usually more interesting, and -also more intelligible. - -In the gallery there were many family portraits, but they could have -little to fix the attention of a stranger. Elizabeth walked on in quest -of the only face whose features would be known to her. At last it -arrested her--and she beheld a striking resemblance of Mr. Darcy, with -such a smile over the face, as she remembered to have sometimes seen, -when he looked at her. She stood several minutes before the picture, in -earnest contemplation, and returned to it again before they quitted the -gallery. Mrs. Reynolds informed them, that it had been taken in his -father’s lifetime. - -There was certainly at this moment, in Elizabeth’s mind, a more gentle -sensation towards the original than she had ever felt in the height of -their acquaintance. The commendation bestowed on him by Mrs. Reynolds -was of no trifling nature. What praise is more valuable than the praise -of an intelligent servant? As a brother, a landlord, a master, she -considered how many people’s happiness were in his guardianship! How -much of pleasure or pain it was in his power to bestow! How much of good -or evil must be done by him! Every idea that had been brought forward by -the housekeeper was favourable to his character; and as she stood before -the canvas, on which he was represented, and fixed his eyes upon -herself, she thought of his regard with a deeper sentiment of gratitude -than it had ever raised before: she remembered its warmth, and softened -its impropriety of expression. - -When all of the house that was open to general inspection had been seen, -they returned down stairs; and, taking leave of the housekeeper, were -consigned over to the gardener, who met them at the hall door. - -As they walked across the lawn towards the river, Elizabeth turned back -to look again; her uncle and aunt stopped also; and while the former was -conjecturing as to the date of the building, the owner of it himself -suddenly came forward from the road which led behind it to the stables. - -They were within twenty yards of each other; and so abrupt was his -appearance, that it was impossible to avoid his sight. Their eyes -instantly met, and the cheeks of each were overspread with the deepest -blush. He absolutely started, and for a moment seemed immovable from -surprise; but shortly recovering himself, advanced towards the party, -and spoke to Elizabeth, if not in terms of perfect composure, at least -of perfect civility. - -She had instinctively turned away; but stopping on his approach, -received his compliments with an embarrassment impossible to be -overcome. Had his first appearance, or his resemblance to the picture -they had just been examining, been insufficient to assure the other two -that they now saw Mr. Darcy, the gardener’s expression of surprise, on -beholding his master, must immediately have told it. They stood a little -aloof while he was talking to their niece, who, astonished and confused, -scarcely dared lift her eyes to his face, and knew not what answer she -returned to his civil inquiries after her family. Amazed at the -alteration of his manner since they last parted, every sentence that he -uttered was increasing her embarrassment; and every idea of the -impropriety of her being found there recurring to her mind, the few -minutes in which they continued together were some of the most -uncomfortable of her life. Nor did he seem much more at ease; when he -spoke, his accent had none of its usual sedateness; and he repeated his -inquiries as to the time of her having left Longbourn, and of her stay -in Derbyshire, so often, and in so hurried a way, as plainly spoke the -distraction of his thoughts. - -At length, every idea seemed to fail him; and after standing a few -moments without saying a word, he suddenly recollected himself, and took -leave. - -The others then joined her, and expressed their admiration of his -figure; but Elizabeth heard not a word, and, wholly engrossed by her own -feelings, followed them in silence. She was overpowered by shame and -vexation. Her coming there was the most unfortunate, the most ill-judged -thing in the world! How strange must it appear to him! In what a -disgraceful light might it not strike so vain a man! It might seem as if -she had purposely thrown herself in his way again! Oh! why did she come? -or, why did he thus come a day before he was expected? Had they been -only ten minutes sooner, they should have been beyond the reach of his -discrimination; for it was plain that he was that moment arrived, that -moment alighted from his horse or his carriage. She blushed again and -again over the perverseness of the meeting. And his behaviour, so -strikingly altered,--what could it mean? That he should even speak to -her was amazing!--but to speak with such civility, to inquire after her -family! Never in her life had she seen his manners so little dignified, -never had he spoken with such gentleness as on this unexpected meeting. -What a contrast did it offer to his last address in Rosings Park, when -he put his letter into her hand! She knew not what to think, or how to -account for it. - -They had now entered a beautiful walk by the side of the water, and -every step was bringing forward a nobler fall of ground, or a finer -reach of the woods to which they were approaching: but it was some time -before Elizabeth was sensible of any of it; and, though she answered -mechanically to the repeated appeals of her uncle and aunt, and seemed -to direct her eyes to such objects as they pointed out, she -distinguished no part of the scene. Her thoughts were all fixed on that -one spot of Pemberley House, whichever it might be, where Mr. Darcy then -was. She longed to know what at that moment was passing in his mind; in -what manner he thought of her, and whether, in defiance of everything, -she was still dear to him. Perhaps he had been civil only because he -felt himself at ease; yet there had been _that_ in his voice, which was -not like ease. Whether he had felt more of pain or of pleasure in seeing -her, she could not tell, but he certainly had not seen her with -composure. - -At length, however, the remarks of her companions on her absence of mind -roused her, and she felt the necessity of appearing more like herself. - -They entered the woods, and, bidding adieu to the river for a while, -ascended some of the higher grounds; whence, in spots where the opening -of the trees gave the eye power to wander, were many charming views of -the valley, the opposite hills, with the long range of woods -overspreading many, and occasionally part of the stream. Mr. Gardiner -expressed a wish of going round the whole park, but feared it might be -beyond a walk. With a triumphant smile, they were told, that it was ten -miles round. It settled the matter; and they pursued the accustomed -circuit; which brought them again, after some time, in a descent among -hanging woods, to the edge of the water, and one of its narrowest parts. -They crossed it by a simple bridge, in character with the general air of -the scene: it was a spot less adorned than any they had yet visited; and -the valley, here contracted into a glen, allowed room only for the -stream, and a narrow walk amidst the rough coppice-wood which bordered -it. Elizabeth longed to explore its windings; but when they had crossed -the bridge, and perceived their distance from the house, Mrs. Gardiner, -who was not a great walker, could go no farther, and thought only of -returning to the carriage as quickly as possible. Her niece was, -therefore, obliged to submit, and they took their way towards the house -on the opposite side of the river, in the nearest direction; but their -progress was slow, for Mr. Gardiner, though seldom able to indulge the -taste, was very fond of fishing, and was so much engaged in watching the -occasional appearance of some trout in the water, and talking to the man -about them, that he advanced but little. Whilst wandering on in this -slow manner, they were again surprised, and Elizabeth’s astonishment was -quite equal to what it had been at first, by the sight of Mr. Darcy -approaching them, and at no great distance. The walk being here less -sheltered than on the other side, allowed them to see him before they -met. Elizabeth, however astonished, was at least more prepared for an -interview than before, and resolved to appear and to speak with -calmness, if he really intended to meet them. For a few moments, indeed, -she felt that he would probably strike into some other path. The idea -lasted while a turning in the walk concealed him from their view; the -turning past, he was immediately before them. With a glance she saw that -he had lost none of his recent civility; and, to imitate his politeness, -she began as they met to admire the beauty of the place; but she had not -got beyond the words “delightful,” and “charming,” when some unlucky -recollections obtruded, and she fancied that praise of Pemberley from -her might be mischievously construed. Her colour changed, and she said -no more. - -Mrs. Gardiner was standing a little behind; and on her pausing, he asked -her if she would do him the honour of introducing him to her friends. -This was a stroke of civility for which she was quite unprepared; and -she could hardly suppress a smile at his being now seeking the -acquaintance of some of those very people, against whom his pride had -revolted, in his offer to herself. “What will be his surprise,” thought -she, “when he knows who they are! He takes them now for people of -fashion.” - -The introduction, however, was immediately made; and as she named their -relationship to herself, she stole a sly look at him, to see how he bore -it; and was not without the expectation of his decamping as fast as he -could from such disgraceful companions. That he was _surprised_ by the -connection was evident: he sustained it, however, with fortitude: and, -so far from going away, turned back with them, and entered into -conversation with Mr. Gardiner. Elizabeth could not but be pleased, -could not but triumph. It was consoling that he should know she had some -relations for whom there was no need to blush. She listened most -attentively to all that passed between them, and gloried in every -expression, every sentence of her uncle, which marked his intelligence, -his taste, or his good manners. - -The conversation soon turned upon fishing; and she heard Mr. Darcy -invite him, with the greatest civility, to fish there as often as he -chose, while he continued in the neighbourhood, offering at the same -time to supply him with fishing tackle, and pointing out those parts of -the stream where there was usually most sport. Mrs. Gardiner, who was -walking arm in arm with Elizabeth, gave her a look expressive of her -wonder. Elizabeth said nothing, but it gratified her exceedingly; the -compliment must be all for herself. Her astonishment, however, was -extreme; and continually was she repeating, “Why is he so altered? From -what can it proceed? It cannot be for _me_, it cannot be for _my_ sake -that his manners are thus softened. My reproofs at Hunsford could not -work such a change as this. It is impossible that he should still love -me.” - -After walking some time in this way, the two ladies in front, the two -gentlemen behind, on resuming their places, after descending to the -brink of the river for the better inspection of some curious -water-plant, there chanced to be a little alteration. It originated in -Mrs. Gardiner, who, fatigued by the exercise of the morning, found -Elizabeth’s arm inadequate to her support, and consequently preferred -her husband’s. Mr. Darcy took her place by her niece, and they walked on -together. After a short silence the lady first spoke. She wished him to -know that she had been assured of his absence before she came to the -place, and accordingly began by observing, that his arrival had been -very unexpected--“for your housekeeper,” she added, “informed us that -you would certainly not be here till to-morrow; and, indeed, before we -left Bakewell, we understood that you were not immediately expected in -the country.” He acknowledged the truth of it all; and said that -business with his steward had occasioned his coming forward a few hours -before the rest of the party with whom he had been travelling. “They -will join me early to-morrow,” he continued, “and among them are some -who will claim an acquaintance with you,--Mr. Bingley and his sisters.” - -Elizabeth answered only by a slight bow. Her thoughts were instantly -driven back to the time when Mr. Bingley’s name had been last mentioned -between them; and if she might judge from his complexion, _his_ mind was -not very differently engaged. - -“There is also one other person in the party,” he continued after a -pause, “who more particularly wishes to be known to you. Will you allow -me, or do I ask too much, to introduce my sister to your acquaintance -during your stay at Lambton?” - -The surprise of such an application was great indeed; it was too great -for her to know in what manner she acceded to it. She immediately felt -that whatever desire Miss Darcy might have of being acquainted with her, -must be the work of her brother, and without looking farther, it was -satisfactory; it was gratifying to know that his resentment had not made -him think really ill of her. - -They now walked on in silence; each of them deep in thought. Elizabeth -was not comfortable; that was impossible; but she was flattered and -pleased. His wish of introducing his sister to her was a compliment of -the highest kind. They soon outstripped the others; and when they had -reached the carriage, Mr. and Mrs. Gardiner were half a quarter of a -mile behind. - -He then asked her to walk into the house--but she declared herself not -tired, and they stood together on the lawn. At such a time much might -have been said, and silence was very awkward. She wanted to talk, but -there seemed an embargo on every subject. At last she recollected that -she had been travelling, and they talked of Matlock and Dovedale with -great perseverance. Yet time and her aunt moved slowly--and her patience -and her ideas were nearly worn out before the _tête-à-tête_ was over. - -On Mr. and Mrs. Gardiner’s coming up they were all pressed to go into -the house and take some refreshment; but this was declined, and they -parted on each side with the utmost politeness. Mr. Darcy handed the -ladies into the carriage; and when it drove off, Elizabeth saw him -walking slowly towards the house. - -The observations of her uncle and aunt now began; and each of them -pronounced him to be infinitely superior to anything they had expected. - -“He is perfectly well-behaved, polite, and unassuming,” said her uncle. - -“There _is_ something a little stately in him, to be sure,” replied her -aunt; “but it is confined to his air, and is not unbecoming. I can now -say with the housekeeper, that though some people may call him proud, -_I_ have seen nothing of it.” - -“I was never more surprised than by his behaviour to us. It was more -than civil; it was really attentive; and there was no necessity for such -attention. His acquaintance with Elizabeth was very trifling.” - -“To be sure, Lizzy,” said her aunt, “he is not so handsome as Wickham; -or rather he has not Wickham’s countenance, for his features are -perfectly good. But how came you to tell us that he was so -disagreeable?” - -Elizabeth excused herself as well as she could: said that she had liked -him better when they met in Kent than before, and that she had never -seen him so pleasant as this morning. - -“But perhaps he may be a little whimsical in his civilities,” replied -her uncle. “Your great men often are; and therefore I shall not take him -at his word about fishing, as he might change his mind another day, and -warn me off his grounds.” - -Elizabeth felt that they had entirely mistaken his character, but said -nothing. - -“From what we have seen of him,” continued Mrs. Gardiner, “I really -should not have thought that he could have behaved in so cruel a way by -anybody as he has done by poor Wickham. He has not an ill-natured look. -On the contrary, there is something pleasing about his mouth when he -speaks. And there is something of dignity in his countenance, that would -not give one an unfavourable idea of his heart. But, to be sure, the -good lady who showed us the house did give him a most flaming character! -I could hardly help laughing aloud sometimes. But he is a liberal -master, I suppose, and _that_, in the eye of a servant, comprehends -every virtue.” - -Elizabeth here felt herself called on to say something in vindication of -his behaviour to Wickham; and, therefore, gave them to understand, in as -guarded a manner as she could, that by what she had heard from his -relations in Kent, his actions were capable of a very different -construction; and that his character was by no means so faulty, nor -Wickham’s so amiable, as they had been considered in Hertfordshire. In -confirmation of this, she related the particulars of all the pecuniary -transactions in which they had been connected, without actually naming -her authority, but stating it to be such as might be relied on. - -Mrs. Gardiner was surprised and concerned: but as they were now -approaching the scene of her former pleasures, every idea gave way to -the charm of recollection; and she was too much engaged in pointing out -to her husband all the interesting spots in its environs, to think of -anything else. Fatigued as she had been by the morning’s walk, they had -no sooner dined than she set off again in quest of her former -acquaintance, and the evening was spent in the satisfactions of an -intercourse renewed after many years’ discontinuance. - -The occurrences of the day were too full of interest to leave Elizabeth -much attention for any of these new friends; and she could do nothing -but think, and think with wonder, of Mr. Darcy’s civility, and, above -all, of his wishing her to be acquainted with his sister. - - - - -[Illustration] - - - - -CHAPTER XLIV. - - -[Illustration] - -Elizabeth had settled it that Mr. Darcy would bring his sister to visit -her the very day after her reaching Pemberley; and was, consequently, -resolved not to be out of sight of the inn the whole of that morning. -But her conclusion was false; for on the very morning after their own -arrival at Lambton these visitors came. They had been walking about the -place with some of their new friends, and were just returned to the inn -to dress themselves for dining with the same family, when the sound of a -carriage drew them to a window, and they saw a gentleman and lady in a -curricle driving up the street. Elizabeth, immediately recognizing the -livery, guessed what it meant, and imparted no small degree of surprise -to her relations, by acquainting them with the honour which she -expected. Her uncle and aunt were all amazement; and the embarrassment -of her manner as she spoke, joined to the circumstance itself, and many -of the circumstances of the preceding day, opened to them a new idea on -the business. Nothing had ever suggested it before, but they now felt -that there was no other way of accounting for such attentions from such -a quarter than by supposing a partiality for their niece. While these -newly-born notions were passing in their heads, the perturbation of -Elizabeth’s feelings was every moment increasing. She was quite amazed -at her own discomposure; but, amongst other causes of disquiet, she -dreaded lest the partiality of the brother should have said too much in -her favour; and, more than commonly anxious to please, she naturally -suspected that every power of pleasing would fail her. - -She retreated from the window, fearful of being seen; and as she walked -up and down the room, endeavouring to compose herself, saw such looks of -inquiring surprise in her uncle and aunt as made everything worse. - -Miss Darcy and her brother appeared, and this formidable introduction -took place. With astonishment did Elizabeth see that her new -acquaintance was at least as much embarrassed as herself. Since her -being at Lambton, she had heard that Miss Darcy was exceedingly proud; -but the observation of a very few minutes convinced her that she was -only exceedingly shy. She found it difficult to obtain even a word from -her beyond a monosyllable. - -Miss Darcy was tall, and on a larger scale than Elizabeth; and, though -little more than sixteen, her figure was formed, and her appearance -womanly and graceful. She was less handsome than her brother, but there -was sense and good-humour in her face, and her manners were perfectly -unassuming and gentle. Elizabeth, who had expected to find in her as -acute and unembarrassed an observer as ever Mr. Darcy had been, was much -relieved by discerning such different feelings. - -They had not been long together before Darcy told her that Bingley was -also coming to wait on her; and she had barely time to express her -satisfaction, and prepare for such a visitor, when Bingley’s quick step -was heard on the stairs, and in a moment he entered the room. All -Elizabeth’s anger against him had been long done away; but had she still -felt any, it could hardly have stood its ground against the unaffected -cordiality with which he expressed himself on seeing her again. He -inquired in a friendly, though general, way, after her family, and -looked and spoke with the same good-humoured ease that he had ever done. - -To Mr. and Mrs. Gardiner he was scarcely a less interesting personage -than to herself. They had long wished to see him. The whole party before -them, indeed, excited a lively attention. The suspicions which had just -arisen of Mr. Darcy and their niece, directed their observation towards -each with an earnest, though guarded, inquiry; and they soon drew from -those inquiries the full conviction that one of them at least knew what -it was to love. Of the lady’s sensations they remained a little in -doubt; but that the gentleman was overflowing with admiration was -evident enough. - -Elizabeth, on her side, had much to do. She wanted to ascertain the -feelings of each of her visitors, she wanted to compose her own, and to -make herself agreeable to all; and in the latter object, where she -feared most to fail, she was most sure of success, for those to whom -she endeavoured to give pleasure were pre-possessed in her favour. -Bingley was ready, Georgiana was eager, and Darcy determined, to be -pleased. - -[Illustration: - - “To make herself agreeable to all” - -[_Copyright 1894 by George Allen._]] - -In seeing Bingley, her thoughts naturally flew to her sister; and oh! -how ardently did she long to know whether any of his were directed in a -like manner. Sometimes she could fancy that he talked less than on -former occasions, and once or twice pleased herself with the notion -that, as he looked at her, he was trying to trace a resemblance. But, -though this might be imaginary, she could not be deceived as to his -behaviour to Miss Darcy, who had been set up as a rival to Jane. No -look appeared on either side that spoke particular regard. Nothing -occurred between them that could justify the hopes of his sister. On -this point she was soon satisfied; and two or three little circumstances -occurred ere they parted, which, in her anxious interpretation, denoted -a recollection of Jane, not untinctured by tenderness, and a wish of -saying more that might lead to the mention of her, had he dared. He -observed to her, at a moment when the others were talking together, and -in a tone which had something of real regret, that it “was a very long -time since he had had the pleasure of seeing her;” and, before she could -reply, he added, “It is above eight months. We have not met since the -26th of November, when we were all dancing together at Netherfield.” - -Elizabeth was pleased to find his memory so exact; and he afterwards -took occasion to ask her, when unattended to by any of the rest, whether -_all_ her sisters were at Longbourn. There was not much in the question, -nor in the preceding remark; but there was a look and a manner which -gave them meaning. - -It was not often that she could turn her eyes on Mr. Darcy himself; but -whenever she did catch a glimpse she saw an expression of general -complaisance, and in all that he said, she heard an accent so far -removed from _hauteur_ or disdain of his companions, as convinced her -that the improvement of manners which she had yesterday witnessed, -however temporary its existence might prove, had at least outlived one -day. When she saw him thus seeking the acquaintance, and courting the -good opinion of people with whom any intercourse a few months ago would -have been a disgrace; when she saw him thus civil, not only to herself, -but to the very relations whom he had openly disdained, and recollected -their last lively scene in Hunsford Parsonage, the difference, the -change was so great, and struck so forcibly on her mind, that she could -hardly restrain her astonishment from being visible. Never, even in the -company of his dear friends at Netherfield, or his dignified relations -at Rosings, had she seen him so desirous to please, so free from -self-consequence or unbending reserve, as now, when no importance could -result from the success of his endeavours, and when even the -acquaintance of those to whom his attentions were addressed, would draw -down the ridicule and censure of the ladies both of Netherfield and -Rosings. - -Their visitors stayed with them above half an hour; and when they arose -to depart, Mr. Darcy called on his sister to join him in expressing -their wish of seeing Mr. and Mrs. Gardiner, and Miss Bennet, to dinner -at Pemberley, before they left the country. Miss Darcy, though with a -diffidence which marked her little in the habit of giving invitations, -readily obeyed. Mrs. Gardiner looked at her niece, desirous of knowing -how _she_, whom the invitation most concerned, felt disposed as to its -acceptance, but Elizabeth had turned away her head. Presuming, however, -that this studied avoidance spoke rather a momentary embarrassment than -any dislike of the proposal, and seeing in her husband, who was fond of -society, a perfect willingness to accept it, she ventured to engage for -her attendance, and the day after the next was fixed on. - -Bingley expressed great pleasure in the certainty of seeing Elizabeth -again, having still a great deal to say to her, and many inquiries to -make after all their Hertfordshire friends. Elizabeth, construing all -this into a wish of hearing her speak of her sister, was pleased; and -on this account, as well as some others, found herself, when their -visitors left them, capable of considering the last half hour with some -satisfaction, though while it was passing the enjoyment of it had been -little. Eager to be alone, and fearful of inquiries or hints from her -uncle and aunt, she stayed with them only long enough to hear their -favourable opinion of Bingley, and then hurried away to dress. - -But she had no reason to fear Mr. and Mrs. Gardiner’s curiosity; it was -not their wish to force her communication. It was evident that she was -much better acquainted with Mr. Darcy than they had before any idea of; -it was evident that he was very much in love with her. They saw much to -interest, but nothing to justify inquiry. - -Of Mr. Darcy it was now a matter of anxiety to think well; and, as far -as their acquaintance reached, there was no fault to find. They could -not be untouched by his politeness; and had they drawn his character -from their own feelings and his servant’s report, without any reference -to any other account, the circle in Hertfordshire to which he was known -would not have recognized it for Mr. Darcy. There was now an interest, -however, in believing the housekeeper; and they soon became sensible -that the authority of a servant, who had known him since he was four -years old, and whose own manners indicated respectability, was not to be -hastily rejected. Neither had anything occurred in the intelligence of -their Lambton friends that could materially lessen its weight. They had -nothing to accuse him of but pride; pride he probably had, and if not, -it would certainly be imputed by the inhabitants of a small market town -where the family did not visit. It was acknowledged, however, that he -was a liberal man, and did much good among the poor. - -With respect to Wickham, the travellers soon found that he was not held -there in much estimation; for though the chief of his concerns with the -son of his patron were imperfectly understood, it was yet a well-known -fact that, on his quitting Derbyshire, he had left many debts behind -him, which Mr. Darcy afterwards discharged. - -As for Elizabeth, her thoughts were at Pemberley this evening more than -the last; and the evening, though as it passed it seemed long, was not -long enough to determine her feelings towards _one_ in that mansion; and -she lay awake two whole hours, endeavouring to make them out. She -certainly did not hate him. No; hatred had vanished long ago, and she -had almost as long been ashamed of ever feeling a dislike against him, -that could be so called. The respect created by the conviction of his -valuable qualities, though at first unwillingly admitted, had for some -time ceased to be repugnant to her feelings; and it was now heightened -into somewhat of a friendlier nature by the testimony so highly in his -favour, and bringing forward his disposition in so amiable a light, -which yesterday had produced. But above all, above respect and esteem, -there was a motive within her of good-will which could not be -overlooked. It was gratitude;--gratitude, not merely for having once -loved her, but for loving her still well enough to forgive all the -petulance and acrimony of her manner in rejecting him, and all the -unjust accusations accompanying her rejection. He who, she had been -persuaded, would avoid her as his greatest enemy, seemed, on this -accidental meeting, most eager to preserve the acquaintance; and -without any indelicate display of regard, or any peculiarity of manner, -where their two selves only were concerned, was soliciting the good -opinion of her friends, and bent on making her known to his sister. Such -a change in a man of so much pride excited not only astonishment but -gratitude--for to love, ardent love, it must be attributed; and, as -such, its impression on her was of a sort to be encouraged, as by no -means unpleasing, though it could not be exactly defined. She respected, -she esteemed, she was grateful to him, she felt a real interest in his -welfare; and she only wanted to know how far she wished that welfare to -depend upon herself, and how far it would be for the happiness of both -that she should employ the power, which her fancy told her she still -possessed, of bringing on the renewal of his addresses. - -It had been settled in the evening, between the aunt and niece, that -such a striking civility as Miss Darcy’s, in coming to them on the very -day of her arrival at Pemberley--for she had reached it only to a late -breakfast--ought to be imitated, though it could not be equalled, by -some exertion of politeness on their side; and, consequently, that it -would be highly expedient to wait on her at Pemberley the following -morning. They were, therefore, to go. Elizabeth was pleased; though when -she asked herself the reason, she had very little to say in reply. - -Mr. Gardiner left them soon after breakfast. The fishing scheme had been -renewed the day before, and a positive engagement made of his meeting -some of the gentlemen at Pemberley by noon. - - - - -[Illustration: - - “Engaged by the river” -] - - - - -CHAPTER XLV. - - -[Illustration] - -Convinced as Elizabeth now was that Miss Bingley’s dislike of her had -originated in jealousy, she could not help feeling how very unwelcome -her appearance at Pemberley must be to her, and was curious to know -with how much civility on that lady’s side the acquaintance would now -be renewed. - -On reaching the house, they were shown through the hall into the saloon, -whose northern aspect rendered it delightful for summer. Its windows, -opening to the ground, admitted a most refreshing view of the high woody -hills behind the house, and of the beautiful oaks and Spanish chestnuts -which were scattered over the intermediate lawn. - -In this room they were received by Miss Darcy, who was sitting there -with Mrs. Hurst and Miss Bingley, and the lady with whom she lived in -London. Georgiana’s reception of them was very civil, but attended with -all that embarrassment which, though proceeding from shyness and the -fear of doing wrong, would easily give to those who felt themselves -inferior the belief of her being proud and reserved. Mrs. Gardiner and -her niece, however, did her justice, and pitied her. - -By Mrs. Hurst and Miss Bingley they were noticed only by a courtesy; and -on their being seated, a pause, awkward as such pauses must always be, -succeeded for a few moments. It was first broken by Mrs. Annesley, a -genteel, agreeable-looking woman, whose endeavour to introduce some kind -of discourse proved her to be more truly well-bred than either of the -others; and between her and Mrs. Gardiner, with occasional help from -Elizabeth, the conversation was carried on. Miss Darcy looked as if she -wished for courage enough to join in it; and sometimes did venture a -short sentence, when there was least danger of its being heard. - -Elizabeth soon saw that she was herself closely watched by Miss Bingley, -and that she could not speak a word, especially to Miss Darcy, without -calling her attention. This observation would not have prevented her -from trying to talk to the latter, had they not been seated at an -inconvenient distance; but she was not sorry to be spared the necessity -of saying much: her own thoughts were employing her. She expected every -moment that some of the gentlemen would enter the room: she wished, she -feared, that the master of the house might be amongst them; and whether -she wished or feared it most, she could scarcely determine. After -sitting in this manner a quarter of an hour, without hearing Miss -Bingley’s voice, Elizabeth was roused by receiving from her a cold -inquiry after the health of her family. She answered with equal -indifference and brevity, and the other said no more. - -The next variation which their visit afforded was produced by the -entrance of servants with cold meat, cake, and a variety of all the -finest fruits in season; but this did not take place till after many a -significant look and smile from Mrs. Annesley to Miss Darcy had been -given, to remind her of her post. There was now employment for the whole -party; for though they could not all talk, they could all eat; and the -beautiful pyramids of grapes, nectarines, and peaches, soon collected -them round the table. - -While thus engaged, Elizabeth had a fair opportunity of deciding whether -she most feared or wished for the appearance of Mr. Darcy, by the -feelings which prevailed on his entering the room; and then, though but -a moment before she had believed her wishes to predominate, she began to -regret that he came. - -He had been some time with Mr. Gardiner, who, with two or three other -gentlemen from the house, was engaged by the river; and had left him -only on learning that the ladies of the family intended a visit to -Georgiana that morning. No sooner did he appear, than Elizabeth wisely -resolved to be perfectly easy and unembarrassed;--a resolution the more -necessary to be made, but perhaps not the more easily kept, because she -saw that the suspicions of the whole party were awakened against them, -and that there was scarcely an eye which did not watch his behaviour -when he first came into the room. In no countenance was attentive -curiosity so strongly marked as in Miss Bingley’s, in spite of the -smiles which overspread her face whenever she spoke to one of its -objects; for jealousy had not yet made her desperate, and her attentions -to Mr. Darcy were by no means over. Miss Darcy, on her brother’s -entrance, exerted herself much more to talk; and Elizabeth saw that he -was anxious for his sister and herself to get acquainted, and forwarded, -as much as possible, every attempt at conversation on either side. Miss -Bingley saw all this likewise; and, in the imprudence of anger, took the -first opportunity of saying, with sneering civility,-- - -“Pray, Miss Eliza, are not the ----shire militia removed from Meryton? -They must be a great loss to _your_ family.” - -In Darcy’s presence she dared not mention Wickham’s name: but Elizabeth -instantly comprehended that he was uppermost in her thoughts; and the -various recollections connected with him gave her a moment’s distress; -but, exerting herself vigorously to repel the ill-natured attack, she -presently answered the question in a tolerably disengaged tone. While -she spoke, an involuntary glance showed her Darcy with a heightened -complexion, earnestly looking at her, and his sister overcome with -confusion, and unable to lift up her eyes. Had Miss Bingley known what -pain she was then giving her beloved friend, she undoubtedly would have -refrained from the hint; but she had merely intended to discompose -Elizabeth, by bringing forward the idea of a man to whom she believed -her partial, to make her betray a sensibility which might injure her in -Darcy’s opinion, and, perhaps, to remind the latter of all the follies -and absurdities by which some part of her family were connected with -that corps. Not a syllable had ever reached her of Miss Darcy’s -meditated elopement. To no creature had it been revealed, where secrecy -was possible, except to Elizabeth; and from all Bingley’s connections -her brother was particularly anxious to conceal it, from that very wish -which Elizabeth had long ago attributed to him, of their becoming -hereafter her own. He had certainly formed such a plan; and without -meaning that it should affect his endeavour to separate him from Miss -Bennet, it is probable that it might add something to his lively concern -for the welfare of his friend. - -Elizabeth’s collected behaviour, however, soon quieted his emotion; and -as Miss Bingley, vexed and disappointed, dared not approach nearer to -Wickham, Georgiana also recovered in time, though not enough to be able -to speak any more. Her brother, whose eye she feared to meet, scarcely -recollected her interest in the affair; and the very circumstance which -had been designed to turn his thoughts from Elizabeth, seemed to have -fixed them on her more and more cheerfully. - -Their visit did not continue long after the question and answer above -mentioned; and while Mr. Darcy was attending them to their carriage, -Miss Bingley was venting her feelings in criticisms on Elizabeth’s -person, behaviour, and dress. But Georgiana would not join her. Her -brother’s recommendation was enough to insure her favour: his judgment -could not err; and he had spoken in such terms of Elizabeth, as to leave -Georgiana without the power of finding her otherwise than lovely and -amiable. When Darcy returned to the saloon, Miss Bingley could not help -repeating to him some part of what she had been saying to his sister. - -“How very ill Eliza Bennet looks this morning, Mr. Darcy,” she cried: “I -never in my life saw anyone so much altered as she is since the winter. -She is grown so brown and coarse! Louisa and I were agreeing that we -should not have known her again.” - -However little Mr. Darcy might have liked such an address, he contented -himself with coolly replying, that he perceived no other alteration than -her being rather tanned,--no miraculous consequence of travelling in the -summer. - -“For my own part,” she rejoined, “I must confess that I never could see -any beauty in her. Her face is too thin; her complexion has no -brilliancy; and her features are not at all handsome. Her nose wants -character; there is nothing marked in its lines. Her teeth are -tolerable, but not out of the common way; and as for her eyes, which -have sometimes been called so fine, I never could perceive anything -extraordinary in them. They have a sharp, shrewish look, which I do not -like at all; and in her air altogether, there is a self-sufficiency -without fashion, which is intolerable.” - -Persuaded as Miss Bingley was that Darcy admired Elizabeth, this was not -the best method of recommending herself; but angry people are not always -wise; and in seeing him at last look somewhat nettled, she had all the -success she expected. He was resolutely silent, however; and, from a -determination of making him speak, she continued,-- - -“I remember, when we first knew her in Hertfordshire, how amazed we all -were to find that she was a reputed beauty; and I particularly recollect -your saying one night, after they had been dining at Netherfield, ‘_She_ -a beauty! I should as soon call her mother a wit.’ But afterwards she -seemed to improve on you, and I believe you thought her rather pretty at -one time.” - -“Yes,” replied Darcy, who could contain himself no longer, “but _that_ -was only when I first knew her; for it is many months since I have -considered her as one of the handsomest women of my acquaintance.” - -He then went away, and Miss Bingley was left to all the satisfaction of -having forced him to say what gave no one any pain but herself. - -Mrs. Gardiner and Elizabeth talked of all that had occurred during their -visit, as they returned, except what had particularly interested them -both. The looks and behaviour of everybody they had seen were discussed, -except of the person who had mostly engaged their attention. They talked -of his sister, his friends, his house, his fruit, of everything but -himself; yet Elizabeth was longing to know what Mrs. Gardiner thought of -him, and Mrs. Gardiner would have been highly gratified by her niece’s -beginning the subject. - - - - -[Illustration] - - - - -Chapter XLVI. - - -[Illustration] - -Elizabeth had been a good deal disappointed in not finding a letter from -Jane on their first arrival at Lambton; and this disappointment had been -renewed on each of the mornings that had now been spent there; but on -the third her repining was over, and her sister justified, by the -receipt of two letters from her at once, on one of which was marked that -it had been mis-sent elsewhere. Elizabeth was not surprised at it, as -Jane had written the direction remarkably ill. - -They had just been preparing to walk as the letters came in; and her -uncle and aunt, leaving her to enjoy them in quiet, set off by -themselves. The one mis-sent must be first attended to; it had been -written five days ago. The beginning contained an account of all their -little parties and engagements, with such news as the country afforded; -but the latter half, which was dated a day later, and written in evident -agitation, gave more important intelligence. It was to this effect:-- - -“Since writing the above, dearest Lizzy, something has occurred of a -most unexpected and serious nature; but I am afraid of alarming you--be -assured that we are all well. What I have to say relates to poor Lydia. -An express came at twelve last night, just as we were all gone to bed, -from Colonel Forster, to inform us that she was gone off to Scotland -with one of his officers; to own the truth, with Wickham! Imagine our -surprise. To Kitty, however, it does not seem so wholly unexpected. I am -very, very sorry. So imprudent a match on both sides! But I am willing -to hope the best, and that his character has been misunderstood. -Thoughtless and indiscreet I can easily believe him, but this step (and -let us rejoice over it) marks nothing bad at heart. His choice is -disinterested at least, for he must know my father can give her nothing. -Our poor mother is sadly grieved. My father bears it better. How -thankful am I, that we never let them know what has been said against -him; we must forget it ourselves. They were off Saturday night about -twelve, as is conjectured, but were not missed till yesterday morning at -eight. The express was sent off directly. My dear Lizzy, they must have -passed within ten miles of us. Colonel Forster gives us reason to expect -him here soon. Lydia left a few lines for his wife, informing her of -their intention. I must conclude, for I cannot be long from my poor -mother. I am afraid you will not be able to make it out, but I hardly -know what I have written.” - -Without allowing herself time for consideration, and scarcely knowing -what she felt, Elizabeth, on finishing this letter, instantly seized the -other, and opening it with the utmost impatience, read as follows: it -had been written a day later than the conclusion of the first. - -“By this time, my dearest sister, you have received my hurried letter; I -wish this may be more intelligible, but though not confined for time, my -head is so bewildered that I cannot answer for being coherent. Dearest -Lizzy, I hardly know what I would write, but I have bad news for you, -and it cannot be delayed. Imprudent as a marriage between Mr. Wickham -and our poor Lydia would be, we are now anxious to be assured it has -taken place, for there is but too much reason to fear they are not gone -to Scotland. Colonel Forster came yesterday, having left Brighton the -day before, not many hours after the express. Though Lydia’s short -letter to Mrs. F. gave them to understand that they were going to Gretna -Green, something was dropped by Denny expressing his belief that W. -never intended to go there, or to marry Lydia at all, which was repeated -to Colonel F., who, instantly taking the alarm, set off from B., -intending to trace their route. He did trace them easily to Clapham, but -no farther; for on entering that place, they removed into a -hackney-coach, and dismissed the chaise that brought them from Epsom. -All that is known after this is, that they were seen to continue the -London road. I know not what to think. After making every possible -inquiry on that side of London, Colonel F. came on into Hertfordshire, -anxiously renewing them at all the turnpikes, and at the inns in Barnet -and Hatfield, but without any success,--no such people had been seen to -pass through. With the kindest concern he came on to Longbourn, and -broke his apprehensions to us in a manner most creditable to his heart. -I am sincerely grieved for him and Mrs. F.; but no one can throw any -blame on them. Our distress, my dear Lizzy, is very great. My father and -mother believe the worst, but I cannot think so ill of him. Many -circumstances might make it more eligible for them to be married -privately in town than to pursue their first plan; and even if _he_ -could form such a design against a young woman of Lydia’s connections, -which is not likely, can I suppose her so lost to everything? -Impossible! I grieve to find, however, that Colonel F. is not disposed -to depend upon their marriage: he shook his head when I expressed my -hopes, and said he feared W. was not a man to be trusted. My poor mother -is really ill, and keeps her room. Could she exert herself, it would be -better, but this is not to be expected; and as to my father, I never in -my life saw him so affected. Poor Kitty has anger for having concealed -their attachment; but as it was a matter of confidence, one cannot -wonder. I am truly glad, dearest Lizzy, that you have been spared -something of these distressing scenes; but now, as the first shock is -over, shall I own that I long for your return? I am not so selfish, -however, as to press for it, if inconvenient. Adieu! I take up my pen -again to do, what I have just told you I would not; but circumstances -are such, that I cannot help earnestly begging you all to come here as -soon as possible. I know my dear uncle and aunt so well, that I am not -afraid of requesting it, though I have still something more to ask of -the former. My father is going to London with Colonel Forster instantly, -to try to discover her. What he means to do, I am sure I know not; but -his excessive distress will not allow him to pursue any measure in the -best and safest way, and Colonel Forster is obliged to be at Brighton -again to-morrow evening. In such an exigence my uncle’s advice and -assistance would be everything in the world; he will immediately -comprehend what I must feel, and I rely upon his goodness.” - -“Oh! where, where is my uncle?” cried Elizabeth, darting from her seat -as she finished the letter, in eagerness to follow him, without losing a -moment of the time so precious; but as she reached the door, it was -opened by a servant, and Mr. Darcy appeared. Her pale face and -impetuous manner made him start, and before he could recover himself -enough to speak, she, in whose mind every idea was superseded by Lydia’s -situation, hastily exclaimed, “I beg your pardon, but I must leave you. -I must find Mr. Gardiner this moment on business that cannot be delayed; -I have not an instant to lose.” - -“Good God! what is the matter?” cried he, with more feeling than -politeness; then recollecting himself, “I will not detain you a minute; -but let me, or let the servant, go after Mr. and Mrs. Gardiner. You are -not well enough; you cannot go yourself.” - -Elizabeth hesitated; but her knees trembled under her, and she felt how -little would be gained by her attempting to pursue them. Calling back -the servant, therefore, she commissioned him, though in so breathless an -accent as made her almost unintelligible, to fetch his master and -mistress home instantly. - -On his quitting the room, she sat down, unable to support herself, and -looking so miserably ill, that it was impossible for Darcy to leave her, -or to refrain from saying, in a tone of gentleness and commiseration, -“Let me call your maid. Is there nothing you could take to give you -present relief? A glass of wine; shall I get you one? You are very ill.” - -“No, I thank you,” she replied, endeavouring to recover herself. “There -is nothing the matter with me. I am quite well, I am only distressed by -some dreadful news which I have just received from Longbourn.” - -She burst into tears as she alluded to it, and for a few minutes could -not speak another word. Darcy, in wretched suspense, could only say -something indistinctly of his - -[Illustration: - - “I have not an instant to lose” -] - -concern, and observe her in compassionate silence. At length she spoke -again. “I have just had a letter from Jane, with such dreadful news. It -cannot be concealed from anyone. My youngest sister has left all her -friends--has eloped; has thrown herself into the power of--of Mr. -Wickham. They are gone off together from Brighton. _You_ know him too -well to doubt the rest. She has no money, no connections, nothing that -can tempt him to--she is lost for ever.” - -Darcy was fixed in astonishment. - -“When I consider,” she added, in a yet more agitated voice, “that _I_ -might have prevented it! _I_ who knew what he was. Had I but explained -some part of it only--some part of what I learnt, to my own family! Had -his character been known, this could not have happened. But it is all, -all too late now.” - -“I am grieved, indeed,” cried Darcy: “grieved--shocked. But is it -certain, absolutely certain?” - -“Oh, yes! They left Brighton together on Sunday night, and were traced -almost to London, but not beyond: they are certainly not gone to -Scotland.” - -“And what has been done, what has been attempted, to recover her?” - -“My father has gone to London, and Jane has written to beg my uncle’s -immediate assistance, and we shall be off, I hope, in half an hour. But -nothing can be done; I know very well that nothing can be done. How is -such a man to be worked on? How are they even to be discovered? I have -not the smallest hope. It is every way horrible!” - -Darcy shook his head in silent acquiescence. - -“When _my_ eyes were opened to his real character, oh! had I known what -I ought, what I dared to do! But I knew not--I was afraid of doing too -much. Wretched, wretched mistake!” - -Darcy made no answer. He seemed scarcely to hear her, and was walking up -and down the room in earnest meditation; his brow contracted, his air -gloomy. Elizabeth soon observed, and instantly understood it. Her power -was sinking; everything _must_ sink under such a proof of family -weakness, such an assurance of the deepest disgrace. She could neither -wonder nor condemn; but the belief of his self-conquest brought nothing -consolatory to her bosom, afforded no palliation of her distress. It -was, on the contrary, exactly calculated to make her understand her own -wishes; and never had she so honestly felt that she could have loved -him, as now, when all love must be vain. - -But self, though it would intrude, could not engross her. Lydia--the -humiliation, the misery she was bringing on them all--soon swallowed up -every private care; and covering her face with her handkerchief, -Elizabeth was soon lost to everything else; and, after a pause of -several minutes, was only recalled to a sense of her situation by the -voice of her companion, who, in a manner which, though it spoke -compassion, spoke likewise restraint, said,-- - -“I am afraid you have been long desiring my absence, nor have I anything -to plead in excuse of my stay, but real, though unavailing concern. -Would to Heaven that anything could be either said or done on my part, -that might offer consolation to such distress! But I will not torment -you with vain wishes, which may seem purposely to ask for your thanks. -This unfortunate affair will, I fear, prevent my sister’s having the -pleasure of seeing you at Pemberley to-day.” - -“Oh, yes! Be so kind as to apologize for us to Miss Darcy. Say that -urgent business calls us home immediately. Conceal the unhappy truth as -long as it is possible. I know it cannot be long.” - -He readily assured her of his secrecy, again expressed his sorrow for -her distress, wished it a happier conclusion than there was at present -reason to hope, and, leaving his compliments for her relations, with -only one serious parting look, went away. - -As he quitted the room, Elizabeth felt how improbable it was that they -should ever see each other again on such terms of cordiality as had -marked their several meetings in Derbyshire; and as she threw a -retrospective glance over the whole of their acquaintance, so full of -contradictions and varieties, sighed at the perverseness of those -feelings which would now have promoted its continuance, and would -formerly have rejoiced in its termination. - -If gratitude and esteem are good foundations of affection, Elizabeth’s -change of sentiment will be neither improbable nor faulty. But if -otherwise, if the regard springing from such sources is unreasonable or -unnatural, in comparison of what is so often described as arising on a -first interview with its object, and even before two words have been -exchanged, nothing can be said in her defence, except that she had given -somewhat of a trial to the latter method, in her partiality for Wickham, -and that its ill success might, perhaps, authorize her to seek the other -less interesting mode of attachment. Be that as it may, she saw him go -with regret; and in this early example of what Lydia’s infamy must -produce, found additional anguish as she reflected on that wretched -business. Never since reading Jane’s second letter had she entertained a -hope of Wickham’s meaning to marry her. No one but Jane, she thought, -could flatter herself with such an expectation. Surprise was the least -of all her feelings on this development. While the contents of the first -letter remained on her mind, she was all surprise, all astonishment, -that Wickham should marry a girl whom it was impossible he could marry -for money; and how Lydia could ever have attached him had appeared -incomprehensible. But now it was all too natural. For such an attachment -as this, she might have sufficient charms; and though she did not -suppose Lydia to be deliberately engaging in an elopement, without the -intention of marriage, she had no difficulty in believing that neither -her virtue nor her understanding would preserve her from falling an easy -prey. - -She had never perceived, while the regiment was in Hertfordshire, that -Lydia had any partiality for him; but she was convinced that Lydia had -wanted only encouragement to attach herself to anybody. Sometimes one -officer, sometimes another, had been her favourite, as their attentions -raised them in her opinion. Her affections had been continually -fluctuating, but never without an object. The mischief of neglect and -mistaken indulgence towards such a girl--oh! how acutely did she now -feel it! - -She was wild to be at home--to hear, to see, to be upon the spot to -share with Jane in the cares that must now fall wholly upon her, in a -family so deranged; a father absent, a mother incapable of exertion, and -requiring constant attendance; and though almost persuaded that nothing -could be done for Lydia, her uncle’s interference seemed of the utmost -importance, and till he entered the room the misery of her impatience -was severe. Mr. and Mrs. Gardiner had hurried back in alarm, supposing, -by the servant’s account, that their niece was taken suddenly ill; but -satisfying them instantly on that head, she eagerly communicated the -cause of their summons, reading the two letters aloud, and dwelling on -the postscript of the last with trembling energy. Though Lydia had never -been a favourite with them, Mr. and Mrs. Gardiner could not but be -deeply affected. Not Lydia only, but all were concerned in it; and after -the first exclamations of surprise and horror, Mr. Gardiner readily -promised every assistance in his power. Elizabeth, though expecting no -less, thanked him with tears of gratitude; and all three being actuated -by one spirit, everything relating to their journey was speedily -settled. They were to be off as soon as possible. “But what is to be -done about Pemberley?” cried Mrs. Gardiner. “John told us Mr. Darcy was -here when you sent for us;--was it so?” - -“Yes; and I told him we should not be able to keep our engagement. -_That_ is all settled.” - -“What is all settled?” repeated the other, as she ran into her room to -prepare. “And are they upon such terms as for her to disclose the real -truth? Oh, that I knew how it was!” - -But wishes were vain; or, at best, could serve only to amuse her in the -hurry and confusion of the following hour. Had Elizabeth been at leisure -to be idle, she would have remained certain that all employment was -impossible to one so wretched as herself; but she had her share of -business as well as her aunt, and amongst the rest there were notes to -be written to all their friends at Lambton, with false excuses for their -sudden departure. An hour, however, saw the whole completed; and Mr. -Gardiner, meanwhile, having settled his account at the inn, nothing -remained to be done but to go; and Elizabeth, after all the misery of -the morning, found herself, in a shorter space of time than she could -have supposed, seated in the carriage, and on the road to Longbourn. - - - - -[Illustration: - - “The first pleasing earnest of their welcome” -] - - - - -CHAPTER XLVII. - - -[Illustration] - -“I have been thinking it over again, Elizabeth,” said her uncle, as they -drove from the town; “and really, upon serious consideration, I am much -more inclined than I was to judge as your eldest sister does of the -matter. It appears to me so very unlikely that any young man should form -such a design against a girl who is by no means unprotected or -friendless, and who was actually staying in his Colonel’s family, that I -am strongly inclined to hope the best. Could he expect that her friends -would not step forward? Could he expect to be noticed again by the -regiment, after such an affront to Colonel Forster? His temptation is -not adequate to the risk.” - -“Do you really think so?” cried Elizabeth, brightening up for a moment. - -“Upon my word,” said Mrs. Gardiner, “I begin to be of your uncle’s -opinion. It is really too great a violation of decency, honour, and -interest, for him to be guilty of it. I cannot think so very ill of -Wickham. Can you, yourself, Lizzie, so wholly give him up, as to believe -him capable of it?” - -“Not perhaps of neglecting his own interest. But of every other neglect -I can believe him capable. If, indeed, it should be so! But I dare not -hope it. Why should they not go on to Scotland, if that had been the -case?” - -“In the first place,” replied Mr. Gardiner, “there is no absolute proof -that they are not gone to Scotland.” - -“Oh, but their removing from the chaise into a hackney coach is such a -presumption! And, besides, no traces of them were to be found on the -Barnet road.” - -“Well, then,--supposing them to be in London--they may be there, though -for the purpose of concealment, for no more exceptionable purpose. It is -not likely that money should be very abundant on either side; and it -might strike them that they could be more economically, though less -expeditiously, married in London, than in Scotland.” - -“But why all this secrecy? Why any fear of detection? Why must their -marriage be private? Oh, no, no--this is not likely. His most particular -friend, you see by Jane’s account, was persuaded of his never intending -to marry her. Wickham will never marry a woman without some money. He -cannot afford it. And what claims has Lydia, what attractions has she -beyond youth, health, and good humour, that could make him for her sake -forego every chance of benefiting himself by marrying well? As to what -restraint the apprehensions of disgrace in the corps might throw on a -dishonourable elopement with her, I am not able to judge; for I know -nothing of the effects that such a step might produce. But as to your -other objection, I am afraid it will hardly hold good. Lydia has no -brothers to step forward; and he might imagine, from my father’s -behaviour, from his indolence and the little attention he has ever -seemed to give to what was going forward in his family, that _he_ would -do as little and think as little about it, as any father could do, in -such a matter.” - -“But can you think that Lydia is so lost to everything but love of him, -as to consent to live with him on any other terms than marriage?” - -“It does seem, and it is most shocking, indeed,” replied Elizabeth, with -tears in her eyes, “that a sister’s sense of decency and virtue in such -a point should admit of doubt. But, really, I know not what to say. -Perhaps I am not doing her justice. But she is very young: she has never -been taught to think on serious subjects; and for the last half year, -nay, for a twelvemonth, she has been given up to nothing but amusement -and vanity. She has been allowed to dispose of her time in the most idle -and frivolous manner, and to adopt any opinions that came in her way. -Since the ----shire were first quartered in Meryton, nothing but love, -flirtation, and officers, have been in her head. She has been doing -everything in her power, by thinking and talking on the subject, to give -greater--what shall I call it?--susceptibility to her feelings; which -are naturally lively enough. And we all know that Wickham has every -charm of person and address that can captivate a woman.” - -“But you see that Jane,” said her aunt, “does not think so ill of -Wickham, as to believe him capable of the attempt.” - -“Of whom does Jane ever think ill? And who is there, whatever might be -their former conduct, that she would believe capable of such an attempt, -till it were proved against them? But Jane knows, as well as I do, what -Wickham really is. We both know that he has been profligate in every -sense of the word; that he has neither integrity nor honour; that he is -as false and deceitful as he is insinuating.” - -“And do you really know all this?” cried Mrs. Gardiner, whose curiosity -as to the mode of her intelligence was all alive. - -“I do, indeed,” replied Elizabeth, colouring. “I told you the other day -of his infamous behaviour to Mr. Darcy; and you, yourself, when last at -Longbourn, heard in what manner he spoke of the man who had behaved with -such forbearance and liberality towards him. And there are other -circumstances which I am not at liberty--which it is not worth while to -relate; but his lies about the whole Pemberley family are endless. From -what he said of Miss Darcy, I was thoroughly prepared to see a proud, -reserved, disagreeable girl. Yet he knew to the contrary himself. He -must know that she was as amiable and unpretending as we have found -her.” - -“But does Lydia know nothing of this? can she be ignorant of what you -and Jane seem so well to understand?” - -“Oh, yes!--that, that is the worst of all. Till I was in Kent, and saw -so much both of Mr. Darcy and his relation Colonel Fitzwilliam, I was -ignorant of the truth myself. And when I returned home the ----shire -was to leave Meryton in a week or fortnight’s time. As that was the -case, neither Jane, to whom I related the whole, nor I, thought it -necessary to make our knowledge public; for of what use could it -apparently be to anyone, that the good opinion, which all the -neighbourhood had of him, should then be overthrown? And even when it -was settled that Lydia should go with Mrs. Forster, the necessity of -opening her eyes to his character never occurred to me. That _she_ could -be in any danger from the deception never entered my head. That such a -consequence as _this_ should ensue, you may easily believe was far -enough from my thoughts.” - -“When they all removed to Brighton, therefore, you had no reason, I -suppose, to believe them fond of each other?” - -“Not the slightest. I can remember no symptom of affection on either -side; and had anything of the kind been perceptible, you must be aware -that ours is not a family on which it could be thrown away. When first -he entered the corps, she was ready enough to admire him; but so we all -were. Every girl in or near Meryton was out of her senses about him for -the first two months: but he never distinguished _her_ by any particular -attention; and, consequently, after a moderate period of extravagant and -wild admiration, her fancy for him gave way, and others of the regiment, -who treated her with more distinction, again became her favourites.” - -It may be easily believed, that however little of novelty could be added -to their fears, hopes, and conjectures, on this interesting subject by -its repeated discussion, no other could detain them from it long, during -the whole of the journey. From Elizabeth’s thoughts it was never absent. -Fixed there by the keenest of all anguish, self-reproach, she could -find no interval of ease or forgetfulness. - -They travelled as expeditiously as possible; and sleeping one night on -the road, reached Longbourn by dinnertime the next day. It was a comfort -to Elizabeth to consider that Jane could not have been wearied by long -expectations. - -The little Gardiners, attracted by the sight of a chaise, were standing -on the steps of the house, as they entered the paddock; and when the -carriage drove up to the door, the joyful surprise that lighted up their -faces and displayed itself over their whole bodies, in a variety of -capers and frisks, was the first pleasing earnest of their welcome. - -Elizabeth jumped out; and after giving each of them a hasty kiss, -hurried into the vestibule, where Jane, who came running downstairs from -her mother’s apartment, immediately met her. - -Elizabeth, as she affectionately embraced her, whilst tears filled the -eyes of both, lost not a moment in asking whether anything had been -heard of the fugitives. - -“Not yet,” replied Jane. “But now that my dear uncle is come, I hope -everything will be well.” - -“Is my father in town?” - -“Yes, he went on Tuesday, as I wrote you word.” - -“And have you heard from him often?” - -“We have heard only once. He wrote me a few lines on Wednesday, to say -that he had arrived in safety, and to give me his directions, which I -particularly begged him to do. He merely added, that he should not write -again, till he had something of importance to mention.” - -“And my mother--how is she? How are you all?” - -“My mother is tolerably well, I trust; though her spirits are greatly -shaken. She is upstairs, and will have great satisfaction in seeing you -all. She does not yet leave her dressing-room. Mary and Kitty, thank -Heaven! are quite well.” - -“But you--how are you?” cried Elizabeth. “You look pale. How much you -must have gone through!” - -Her sister, however, assured her of her being perfectly well; and their -conversation, which had been passing while Mr. and Mrs. Gardiner were -engaged with their children, was now put an end to by the approach of -the whole party. Jane ran to her uncle and aunt, and welcomed and -thanked them both, with alternate smiles and tears. - -When they were all in the drawing-room, the questions which Elizabeth -had already asked were of course repeated by the others, and they soon -found that Jane had no intelligence to give. The sanguine hope of good, -however, which the benevolence of her heart suggested, had not yet -deserted her; she still expected that it would all end well, and that -every morning would bring some letter, either from Lydia or her father, -to explain their proceedings, and, perhaps, announce the marriage. - -Mrs. Bennet, to whose apartment they all repaired, after a few minutes’ -conversation together, received them exactly as might be expected; with -tears and lamentations of regret, invectives against the villainous -conduct of Wickham, and complaints of her own sufferings and ill-usage; -blaming everybody but the person to whose ill-judging indulgence the -errors of her daughter must be principally owing. - -“If I had been able,” said she, “to carry my point in going to Brighton -with all my family, _this_ would not have happened: but poor dear Lydia -had nobody to take care of her. Why did the Forsters ever let her go out -of their sight? I am sure there was some great neglect or other on their -side, for she is not the kind of girl to do such a thing, if she had -been well looked after. I always thought they were very unfit to have -the charge of her; but I was over-ruled, as I always am. Poor, dear -child! And now here’s Mr. Bennet gone away, and I know he will fight -Wickham, wherever he meets him, and then he will be killed, and what is -to become of us all? The Collinses will turn us out, before he is cold -in his grave; and if you are not kind to us, brother, I do not know what -we shall do.” - -They all exclaimed against such terrific ideas; and Mr. Gardiner, after -general assurances of his affection for her and all her family, told her -that he meant to be in London the very next day, and would assist Mr. -Bennet in every endeavour for recovering Lydia. - -“Do not give way to useless alarm,” added he: “though it is right to be -prepared for the worst, there is no occasion to look on it as certain. -It is not quite a week since they left Brighton. In a few days more, we -may gain some news of them; and till we know that they are not married, -and have no design of marrying, do not let us give the matter over as -lost. As soon as I get to town, I shall go to my brother, and make him -come home with me to Gracechurch Street, and then we may consult -together as to what is to be done.” - -“Oh, my dear brother,” replied Mrs. Bennet, “that is exactly what I -could most wish for. And now do, when you get to town, find them out, -wherever they may be; and if they are not married already, _make_ them -marry. And as for wedding clothes, do not let them wait for that, but -tell Lydia she shall have as much money as she chooses to buy them, -after they are married. And, above all things, keep Mr. Bennet from -fighting. Tell him what a dreadful state I am in--that I am frightened -out of my wits; and have such tremblings, such flutterings all over me, -such spasms in my side, and pains in my head, and such beatings at my -heart, that I can get no rest by night nor by day. And tell my dear -Lydia not to give any directions about her clothes till she has seen me, -for she does not know which are the best warehouses. Oh, brother, how -kind you are! I know you will contrive it all.” - -But Mr. Gardiner, though he assured her again of his earnest endeavours -in the cause, could not avoid recommending moderation to her, as well in -her hopes as her fears; and after talking with her in this manner till -dinner was on table, they left her to vent all her feelings on the -housekeeper, who attended in the absence of her daughters. - -Though her brother and sister were persuaded that there was no real -occasion for such a seclusion from the family, they did not attempt to -oppose it; for they knew that she had not prudence enough to hold her -tongue before the servants, while they waited at table, and judged it -better that _one_ only of the household, and the one whom they could -most trust, should comprehend all her fears and solicitude on the -subject. - -In the dining-room they were soon joined by Mary and Kitty, who had been -too busily engaged in their separate apartments to make their appearance -before. One came from her books, and the other from her toilette. The -faces of both, however, were tolerably calm; and no change was visible -in either, except that the loss of her favourite sister, or the anger -which she had herself incurred in the business, had given something more -of fretfulness than usual to the accents of Kitty. As for Mary, she was -mistress enough of herself to whisper to Elizabeth, with a countenance -of grave reflection, soon after they were seated at table,-- - -“This is a most unfortunate affair, and will probably be much talked of. -But we must stem the tide of malice, and pour into the wounded bosoms of -each other the balm of sisterly consolation.” - -Then perceiving in Elizabeth no inclination of replying, she added, -“Unhappy as the event must be for Lydia, we may draw from it this useful -lesson:--that loss of virtue in a female is irretrievable, that one -false step involves her in endless ruin, that her reputation is no less -brittle than it is beautiful, and that she cannot be too much guarded in -her behaviour towards the undeserving of the other sex.” - -Elizabeth lifted up her eyes in amazement, but was too much oppressed to -make any reply. Mary, however, continued to console herself with such -kind of moral extractions from the evil before them. - -In the afternoon, the two elder Miss Bennets were able to be for half an -hour by themselves; and Elizabeth instantly availed herself of the -opportunity of making any inquiries which Jane was equally eager to -satisfy. After joining in general lamentations over the dreadful sequel -of this event, which Elizabeth considered as all but certain, and Miss -Bennet could not assert to be wholly impossible, the former continued -the subject by saying, “But tell me all and everything about it which I -have not already heard. Give me further particulars. What did Colonel -Forster say? Had they no apprehension of anything before the elopement -took place? They must have seen them together for ever.” - -“Colonel Forster did own that he had often suspected some partiality, -especially on Lydia’s side, but nothing to give him any alarm. I am so -grieved for him. His behaviour was attentive and kind to the utmost. He -_was_ coming to us, in order to assure us of his concern, before he had -any idea of their not being gone to Scotland: when that apprehension -first got abroad, it hastened his journey.” - -“And was Denny convinced that Wickham would not marry? Did he know of -their intending to go off? Had Colonel Forster seen Denny himself?” - -“Yes; but when questioned by _him_, Denny denied knowing anything of -their plan, and would not give his real opinion about it. He did not -repeat his persuasion of their not marrying, and from _that_ I am -inclined to hope he might have been misunderstood before.” - -“And till Colonel Forster came himself, not one of you entertained a -doubt, I suppose, of their being really married?” - -“How was it possible that such an idea should enter our brains? I felt a -little uneasy--a little fearful of my sister’s happiness with him in -marriage, because I knew that his conduct had not been always quite -right. My father and mother knew nothing of that; they only felt how -imprudent a match it must be. Kitty then owned, with a very natural -triumph on knowing more than the rest of us, that in Lydia’s last letter -she had prepared her for such a step. She had known, it seems, of their -being in love with each other many weeks.” - -“But not before they went to Brighton?” - -“No, I believe not.” - -“And did Colonel Forster appear to think ill of Wickham himself? Does he -know his real character?” - -“I must confess that he did not speak so well of Wickham as he formerly -did. He believed him to be imprudent and extravagant; and since this sad -affair has taken place, it is said that he left Meryton greatly in debt: -but I hope this may be false.” - -“Oh, Jane, had we been less secret, had we told what we knew of him, -this could not have happened!” - -“Perhaps it would have been better,” replied her sister. - -“But to expose the former faults of any person, without knowing what -their present feelings were, seemed unjustifiable.” - -“We acted with the best intentions.” - -“Could Colonel Forster repeat the particulars of Lydia’s note to his -wife?” - -“He brought it with him for us to see.” - -Jane then took it from her pocket-book, and gave it to Elizabeth. These -were the contents:-- - - /* NIND “My dear Harriet, */ - - “You will laugh when you know where I am gone, and I cannot help - laughing myself at your surprise to-morrow morning, as soon as I am - missed. I am going to Gretna Green, and if you cannot guess with - who, I shall think you a simpleton, for there is but one man in the - world I love, and he is an angel. I should never be happy without - him, so think it no harm to be off. You need not send them word at - Longbourn of my going, if you do not like it, for it will make the - surprise the greater when I write to them, and sign my name Lydia - Wickham. What a good joke it will be! I can hardly write for - laughing. Pray make my excuses to Pratt for not keeping my - engagement, and dancing with him to-night. Tell him I hope he will - excuse me when he knows all, and tell him I will dance with him at - the next ball we meet with great pleasure. I shall send for my - clothes when I get to Longbourn; but I wish you would tell Sally to - mend a great slit in my worked muslin gown before they are packed - up. Good-bye. Give my love to Colonel Forster. I hope you will - drink to our good journey. - -“Your affectionate friend, - -“LYDIA BENNET.” - - -“Oh, thoughtless, thoughtless Lydia!” cried Elizabeth when she had -finished it. “What a letter is this, to be written at such a moment! But -at least it shows that _she_ was serious in the object of her journey. -Whatever he might afterwards persuade her to, it was not on her side a -_scheme_ of infamy. My poor father! how he must have felt it!” - -“I never saw anyone so shocked. He could not speak a word for full ten -minutes. My mother was taken ill immediately, and the whole house in -such confusion!” - -“Oh, Jane,” cried Elizabeth, “was there a servant belonging to it who -did not know the whole story before the end of the day?” - -“I do not know: I hope there was. But to be guarded at such a time is -very difficult. My mother was in hysterics; and though I endeavoured to -give her every assistance in my power, I am afraid I did not do so much -as I might have done. But the horror of what might possibly happen -almost took from me my faculties.” - -“Your attendance upon her has been too much for you. You do not look -well. Oh that I had been with you! you have had every care and anxiety -upon yourself alone.” - -“Mary and Kitty have been very kind, and would have shared in every -fatigue, I am sure, but I did not think it right for either of them. -Kitty is slight and delicate, and Mary studies so much that her hours of -repose should not be broken in on. My aunt Philips came to Longbourn on -Tuesday, after my father went away; and was so good as to stay till -Thursday with me. She was of great use and comfort to us all, and Lady -Lucas has been very kind: she walked here on Wednesday morning to -condole with us, and offered her services, or any of her daughters, if -they could be of use to us.” - -“She had better have stayed at home,” cried Elizabeth: “perhaps she -_meant_ well, but, under such a misfortune as this, one cannot see too -little of one’s neighbours. Assistance is impossible; condolence, -insufferable. Let them triumph over us at a distance, and be satisfied.” - -She then proceeded to inquire into the measures which her father had -intended to pursue, while in town, for the recovery of his daughter. - -“He meant, I believe,” replied Jane, “to go to Epsom, the place where -they last changed horses, see the postilions, and try if anything could -be made out from them. His principal object must be to discover the -number of the hackney coach which took them from Clapham. It had come -with a fare from London; and as he thought the circumstance of a -gentleman and lady’s removing from one carriage into another might be -remarked, he meant to make inquiries at Clapham. If he could anyhow -discover at what house the coachman had before set down his fare, he -determined to make inquiries there, and hoped it might not be impossible -to find out the stand and number of the coach. I do not know of any -other designs that he had formed; but he was in such a hurry to be gone, -and his spirits so greatly discomposed, that I had difficulty in finding -out even so much as this.” - - - - -[Illustration: - - The Post -] - - - - -CHAPTER XLVIII. - - -[Illustration] - -The whole party were in hopes of a letter from Mr. Bennet the next -morning, but the post came in without bringing a single line from him. -His family knew him to be, on all common occasions, a most negligent and -dilatory correspondent; but at such a time they had hoped for exertion. -They were forced to conclude, that he had no pleasing intelligence to -send; but even of _that_ they would have been glad to be certain. Mr. -Gardiner had waited only for the letters before he set off. - -When he was gone, they were certain at least of receiving constant -information of what was going on; and their uncle promised, at parting, -to prevail on Mr. Bennet to return to Longbourn as soon as he could, to -the great consolation of his sister, who considered it as the only -security for her husband’s not being killed in a duel. - -Mrs. Gardiner and the children were to remain in Hertfordshire a few -days longer, as the former thought her presence might be serviceable to -her nieces. She shared in their attendance on Mrs. Bennet, and was a -great comfort to them in their hours of freedom. Their other aunt also -visited them frequently, and always, as she said, with the design of -cheering and heartening them up--though, as she never came without -reporting some fresh instance of Wickham’s extravagance or irregularity, -she seldom went away without leaving them more dispirited than she found -them. - -All Meryton seemed striving to blacken the man who, but three months -before, had been almost an angel of light. He was declared to be in debt -to every tradesman in the place, and his intrigues, all honoured with -the title of seduction, had been extended into every tradesman’s family. -Everybody declared that he was the wickedest young man in the world; and -everybody began to find out that they had always distrusted the -appearance of his goodness. Elizabeth, though she did not credit above -half of what was said, believed enough to make her former assurance of -her sister’s ruin still more certain; and even Jane, who believed still -less of it, became almost hopeless, more especially as the time was now -come, when, if they had gone to Scotland, which she had never before -entirely despaired of, they must in all probability have gained some -news of them. - -Mr. Gardiner left Longbourn on Sunday; on Tuesday, his wife received a -letter from him: it told them, that on his arrival he had immediately -found out his brother, and persuaded him to come to Gracechurch Street. -That Mr. Bennet had been to Epsom and Clapham, before his arrival, but -without gaining any satisfactory information; and that he was now -determined to inquire at all the principal hotels in town, as Mr. Bennet -thought it possible they might have gone to one of them, on their first -coming to London, before they procured lodgings. Mr. Gardiner himself -did not expect any success from this measure; but as his brother was -eager in it, he meant to assist him in pursuing it. He added, that Mr. -Bennet seemed wholly disinclined at present to leave London, and -promised to write again very soon. There was also a postscript to this -effect:-- - -“I have written to Colonel Forster to desire him to find out, if -possible, from some of the young man’s intimates in the regiment, -whether Wickham has any relations or connections who would be likely to -know in what part of the town he has now concealed himself. If there -were anyone that one could apply to, with a probability of gaining such -a clue as that, it might be of essential consequence. At present we have -nothing to guide us. Colonel Forster will, I dare say, do everything in -his power to satisfy us on this head. But, on second thoughts, perhaps -Lizzy could tell us what relations he has now living better than any -other person.” - -Elizabeth was at no loss to understand from whence this deference for -her authority proceeded; but it was not in her power to give any -information of so satisfactory a nature as the compliment deserved. - -She had never heard of his having had any relations, except a father -and mother, both of whom had been dead many years. It was possible, -however, that some of his companions in the ----shire might be able to -give more information; and though she was not very sanguine in expecting -it, the application was a something to look forward to. - -Every day at Longbourn was now a day of anxiety; but the most anxious -part of each was when the post was expected. The arrival of letters was -the first grand object of every morning’s impatience. Through letters, -whatever of good or bad was to be told would be communicated; and every -succeeding day was expected to bring some news of importance. - -But before they heard again from Mr. Gardiner, a letter arrived for -their father, from a different quarter, from Mr. Collins; which, as Jane -had received directions to open all that came for him in his absence, -she accordingly read; and Elizabeth, who knew what curiosities his -letters always were, looked over her, and read it likewise. It was as -follows:-- - - /* “My dear Sir, */ - - “I feel myself called upon, by our relationship, and my situation - in life, to condole with you on the grievous affliction you are now - suffering under, of which we were yesterday informed by a letter - from Hertfordshire. Be assured, my dear sir, that Mrs. Collins and - myself sincerely sympathize with you, and all your respectable - family, in your present distress, which must be of the bitterest - kind, because proceeding from a cause which no time can remove. No - arguments shall be wanting on my part, that can alleviate so severe - a misfortune; or that may comfort you, under a circumstance that - must be, of all others, most afflicting to a parent’s mind. The - death of your daughter would have been a blessing in comparison of - this. And it is the more to be lamented, because there is reason to - suppose, as my dear Charlotte informs me, that this licentiousness - of behaviour in your - - [Illustration: - -“To whom I have related the affair” - - [_Copyright 1894 by George Allen._]] - - daughter has proceeded from a faulty degree of indulgence; though, - at the same time, for the consolation of yourself and Mrs. Bennet, - I am inclined to think that her own disposition must be naturally - bad, or she could not be guilty of such an enormity, at so early an - age. Howsoever that may be, you are grievously to be pitied; in - which opinion I am not only joined by Mrs. Collins, but likewise by - Lady Catherine and her daughter, to whom I have related the affair. - They agree with me in apprehending that this false step in one - daughter will be injurious to the fortunes of all the others: for - who, as Lady Catherine herself condescendingly says, will connect - themselves with such a family? And this consideration leads me, - moreover, to reflect, with augmented satisfaction, on a certain - event of last November; for had it been otherwise, I must have been - involved in all your sorrow and disgrace. Let me advise you, then, - my dear sir, to console yourself as much as possible, to throw off - your unworthy child from your affection for ever, and leave her to - reap the fruits of her own heinous offence. - -“I am, dear sir,” etc., etc. - -Mr. Gardiner did not write again, till he had received an answer from -Colonel Forster; and then he had nothing of a pleasant nature to send. -It was not known that Wickham had a single relation with whom he kept up -any connection, and it was certain that he had no near one living. His -former acquaintance had been numerous; but since he had been in the -militia, it did not appear that he was on terms of particular friendship -with any of them. There was no one, therefore, who could be pointed out -as likely to give any news of him. And in the wretched state of his own -finances, there was a very powerful motive for secrecy, in addition to -his fear of discovery by Lydia’s relations; for it had just transpired -that he had left gaming debts behind him to a very considerable amount. -Colonel Forster believed that more than a thousand pounds would be -necessary to clear his expenses at Brighton. He owed a good deal in the -town, but his debts of honour were still more formidable. Mr. Gardiner -did not attempt to conceal these particulars from the Longbourn family; -Jane heard them with horror. “A gamester!” she cried. “This is wholly -unexpected; I had not an idea of it.” - -Mr. Gardiner added, in his letter, that they might expect to see their -father at home on the following day, which was Saturday. Rendered -spiritless by the ill success of all their endeavours, he had yielded to -his brother-in-law’s entreaty that he would return to his family and -leave it to him to do whatever occasion might suggest to be advisable -for continuing their pursuit. When Mrs. Bennet was told of this, she did -not express so much satisfaction as her children expected, considering -what her anxiety for his life had been before. - -“What! is he coming home, and without poor Lydia?” she cried. “Sure he -will not leave London before he has found them. Who is to fight Wickham, -and make him marry her, if he comes away?” - -As Mrs. Gardiner began to wish to be at home, it was settled that she -and her children should go to London at the same time that Mr. Bennet -came from it. The coach, therefore, took them the first stage of their -journey, and brought its master back to Longbourn. - -Mrs. Gardiner went away in all the perplexity about Elizabeth and her -Derbyshire friend, that had attended her from that part of the world. -His name had never been voluntarily mentioned before them by her niece; -and the kind of half-expectation which Mrs. Gardiner had formed, of -their being followed by a letter from him, had ended in nothing. -Elizabeth had received none since her return, that could come from -Pemberley. - -The present unhappy state of the family rendered any other excuse for -the lowness of her spirits unnecessary; nothing, therefore, could be -fairly conjectured from _that_,--though Elizabeth, who was by this time -tolerably well acquainted with her own feelings, was perfectly aware -that, had she known nothing of Darcy, she could have borne the dread of -Lydia’s infamy somewhat better. It would have spared her, she thought, -one sleepless night out of two. - -When Mr. Bennet arrived, he had all the appearance of his usual -philosophic composure. He said as little as he had ever been in the -habit of saying; made no mention of the business that had taken him -away; and it was some time before his daughters had courage to speak of -it. - -It was not till the afternoon, when he joined them at tea, that -Elizabeth ventured to introduce the subject; and then, on her briefly -expressing her sorrow for what he must have endured, he replied, “Say -nothing of that. Who should suffer but myself? It has been my own doing, -and I ought to feel it.” - -“You must not be too severe upon yourself,” replied Elizabeth. - -“You may well warn me against such an evil. Human nature is so prone to -fall into it! No, Lizzy, let me once in my life feel how much I have -been to blame. I am not afraid of being overpowered by the impression. -It will pass away soon enough.” - -“Do you suppose them to be in London?” - -“Yes; where else can they be so well concealed?” - -“And Lydia used to want to go to London,” added Kitty. - -“She is happy, then,” said her father, drily; “and her residence there -will probably be of some duration.” - -Then, after a short silence, he continued, “Lizzy, I bear you no -ill-will for being justified in your advice to me last May, which, -considering the event, shows some greatness of mind.” - -They were interrupted by Miss Bennet, who came to fetch her mother’s -tea. - -“This is a parade,” cried he, “which does one good; it gives such an -elegance to misfortune! Another day I will do the same; I will sit in my -library, in my nightcap and powdering gown, and give as much trouble as -I can,--or perhaps I may defer it till Kitty runs away.” - -“I am not going to run away, papa,” said Kitty, fretfully. “If _I_ -should ever go to Brighton, I would behave better than Lydia.” - -“_You_ go to Brighton! I would not trust you so near it as Eastbourne, -for fifty pounds! No, Kitty, I have at least learnt to be cautious, and -you will feel the effects of it. No officer is ever to enter my house -again, nor even to pass through the village. Balls will be absolutely -prohibited, unless you stand up with one of your sisters. And you are -never to stir out of doors, till you can prove that you have spent ten -minutes of every day in a rational manner.” - -Kitty, who took all these threats in a serious light, began to cry. - -“Well, well,” said he, “do not make yourself unhappy. If you are a good -girl for the next ten years, I will take you to a review at the end of -them.” - - - - -[Illustration] - - - - -CHAPTER XLIX. - - -[Illustration] - -Two days after Mr. Bennet’s return, as Jane and Elizabeth were walking -together in the shrubbery behind the house, they saw the housekeeper -coming towards them, and concluding that she came to call them to their -mother, went forward to meet her; but instead of the expected summons, -when they approached her, she said to Miss Bennet, “I beg your pardon, -madam, for interrupting you, but I was in hopes you might have got some -good news from town, so I took the liberty of coming to ask.” - -“What do you mean, Hill? We have heard nothing from town.” - -“Dear madam,” cried Mrs. Hill, in great astonishment, “don’t you know -there is an express come for master from Mr. Gardiner? He has been here -this half hour, and master has had a letter.” - -Away ran the girls, too eager to get in to have time for speech. They -ran through the vestibule into the breakfast-room; from thence to the -library;--their father was in neither; and they were on the point of -seeking him upstairs with their mother, when they were met by the -butler, who said,-- - -“If you are looking for my master, ma’am, he is walking towards the -little copse.” - -Upon this information, they instantly passed through the hall once more, -and ran across the lawn after their father, who was deliberately -pursuing his way towards a small wood on one side of the paddock. - -Jane, who was not so light, nor so much in the habit of running as -Elizabeth, soon lagged behind, while her sister, panting for breath, -came up with him, and eagerly cried out,-- - -“Oh, papa, what news? what news? have you heard from my uncle?” - -“Yes, I have had a letter from him by express.” - -“Well, and what news does it bring--good or bad?” - -“What is there of good to be expected?” said he, taking the letter from -his pocket; “but perhaps you would like to read it.” - -Elizabeth impatiently caught it from his hand. Jane now came up. - -“Read it aloud,” said their father, “for I hardly know myself what it is -about.” - - /* RIGHT “Gracechurch Street, _Monday, August 2_. */ - -“My dear Brother, - - “At last I am able to send you some tidings of my niece, and such - as, upon the whole, I hope will give you satisfaction. Soon after - you left me on Saturday, I was fortunate enough to find out in what - part of London they were. The particulars I reserve till we meet. - It is enough to know they are discovered: I have seen them - both----” - - [Illustration: - -“But perhaps you would like to read it” - - [_Copyright 1894 by George Allen._]] - - “Then it is as I always hoped,” cried Jane: “they are married!” - - Elizabeth read on: “I have seen them both. They are not married, - nor can I find there was any intention of being so; but if you are - willing to perform the engagements which I have ventured to make on - your side, I hope it will not be long before they are. All that is - required of you is, to assure to your daughter, by settlement, her - equal share of the five thousand pounds, secured among your - children after the decease of yourself and my sister; and, - moreover, to enter into an engagement of allowing her, during your - life, one hundred pounds per annum. These are conditions which, - considering everything, I had no hesitation in complying with, as - far as I thought myself privileged, for you. I shall send this by - express, that no time may be lost in bringing me your answer. You - will easily comprehend, from these particulars, that Mr. Wickham’s - circumstances are not so hopeless as they are generally believed to - be. The world has been deceived in that respect; and I am happy to - say, there will be some little money, even when all his debts are - discharged, to settle on my niece, in addition to her own fortune. - If, as I conclude will be the case, you send me full powers to act - in your name throughout the whole of this business, I will - immediately give directions to Haggerston for preparing a proper - settlement. There will not be the smallest occasion for your coming - to town again; therefore stay quietly at Longbourn, and depend on - my diligence and care. Send back your answer as soon as you can, - and be careful to write explicitly. We have judged it best that my - niece should be married from this house, of which I hope you will - approve. She comes to us to-day. I shall write again as soon as - anything more is determined on. Yours, etc. - -“EDW. GARDINER.” - -“Is it possible?” cried Elizabeth, when she had finished. “Can it be -possible that he will marry her?” - -“Wickham is not so undeserving, then, as we have thought him,” said her -sister. “My dear father, I congratulate you.” - -“And have you answered the letter?” said Elizabeth. - -“No; but it must be done soon.” - -Most earnestly did she then entreat him to lose no more time before he -wrote. - -“Oh! my dear father,” she cried, “come back and write immediately. -Consider how important every moment is in such a case.” - -“Let me write for you,” said Jane, “if you dislike the trouble -yourself.” - -“I dislike it very much,” he replied; “but it must be done.” - -And so saying, he turned back with them, and walked towards the house. - -“And--may I ask?” said Elizabeth; “but the terms, I suppose, must be -complied with.” - -“Complied with! I am only ashamed of his asking so little.” - -“And they _must_ marry! Yet he is _such_ a man.” - -“Yes, yes, they must marry. There is nothing else to be done. But there -are two things that I want very much to know:--one is, how much money -your uncle has laid down to bring it about; and the other, how I am ever -to pay him.” - -“Money! my uncle!” cried Jane, “what do you mean, sir?” - -“I mean that no man in his proper senses would marry Lydia on so slight -a temptation as one hundred a year during my life, and fifty after I am -gone.” - -“That is very true,” said Elizabeth; “though it had not occurred to me -before. His debts to be discharged, and something still to remain! Oh, -it must be my uncle’s doings! Generous, good man, I am afraid he has -distressed himself. A small sum could not do all this.” - -“No,” said her father. “Wickham’s a fool if he takes her with a farthing -less than ten thousand pounds: I should be sorry to think so ill of him, -in the very beginning of our relationship.” - -“Ten thousand pounds! Heaven forbid! How is half such a sum to be -repaid?” - -Mr. Bennet made no answer; and each of them, deep in thought, continued -silent till they reached the house. Their father then went to the -library to write, and the girls walked into the breakfast-room. - -“And they are really to be married!” cried Elizabeth, as soon as they -were by themselves. “How strange this is! and for _this_ we are to be -thankful. That they should marry, small as is their chance of happiness, -and wretched as is his character, we are forced to rejoice! Oh, Lydia!” - -“I comfort myself with thinking,” replied Jane, “that he certainly would -not marry Lydia, if he had not a real regard for her. Though our kind -uncle has done something towards clearing him, I cannot believe that ten -thousand pounds, or anything like it, has been advanced. He has children -of his own, and may have more. How could he spare half ten thousand -pounds?” - -“If we are ever able to learn what Wickham’s debts have been,” said -Elizabeth, “and how much is settled on his side on our sister, we shall -exactly know what Mr. Gardiner has done for them, because Wickham has -not sixpence of his own. The kindness of my uncle and aunt can never be -requited. Their taking her home, and affording her their personal -protection and countenance, is such a sacrifice to her advantage as -years of gratitude cannot enough acknowledge. By this time she is -actually with them! If such goodness does not make her miserable now, -she will never deserve to be happy! What a meeting for her, when she -first sees my aunt!” - -“We must endeavour to forget all that has passed on either side,” said -Jane: “I hope and trust they will yet be happy. His consenting to marry -her is a proof, I will believe, that he is come to a right way of -thinking. Their mutual affection will steady them; and I flatter myself -they will settle so quietly, and live in so rational a manner, as may in -time make their past imprudence forgotten.” - -“Their conduct has been such,” replied Elizabeth, “as neither you, nor -I, nor anybody, can ever forget. It is useless to talk of it.” - -It now occurred to the girls that their mother was in all likelihood -perfectly ignorant of what had happened. They went to the library, -therefore, and asked their father whether he would not wish them to make -it known to her. He was writing, and, without raising his head, coolly -replied,-- - -“Just as you please.” - -“May we take my uncle’s letter to read to her?” - -“Take whatever you like, and get away.” - -Elizabeth took the letter from his writing-table, and they went upstairs -together. Mary and Kitty were both with Mrs. Bennet: one communication -would, therefore, do for all. After a slight preparation for good news, -the letter was read aloud. Mrs. Bennet could hardly contain herself. As -soon as Jane had read Mr. Gardiner’s hope of Lydia’s being soon married, -her joy burst forth, and every following sentence added to its -exuberance. She was now in an irritation as violent from delight as she -had ever been fidgety from alarm and vexation. To know that her daughter -would be married was enough. She was disturbed by no fear for her -felicity, nor humbled by any remembrance of her misconduct. - -“My dear, dear Lydia!” she cried: “this is delightful indeed! She will -be married! I shall see her again! She will be married at sixteen! My -good, kind brother! I knew how it would be--I knew he would manage -everything. How I long to see her! and to see dear Wickham too! But the -clothes, the wedding clothes! I will write to my sister Gardiner about -them directly. Lizzy, my dear, run down to your father, and ask him how -much he will give her. Stay, stay, I will go myself. Ring the bell, -Kitty, for Hill. I will put on my things in a moment. My dear, dear -Lydia! How merry we shall be together when we meet!” - -Her eldest daughter endeavoured to give some relief to the violence of -these transports, by leading her thoughts to the obligations which Mr. -Gardiner’s behaviour laid them all under. - -“For we must attribute this happy conclusion,” she added, “in a great -measure to his kindness. We are persuaded that he has pledged himself to -assist Mr. Wickham with money.” - -“Well,” cried her mother, “it is all very right; who should do it but -her own uncle? If he had not had a family of his own, I and my children -must have had all his money, you know; and it is the first time we have -ever had anything from him except a few presents. Well! I am so happy. -In a short time, I shall have a daughter married. Mrs. Wickham! How well -it sounds! And she was only sixteen last June. My dear Jane, I am in -such a flutter, that I am sure I can’t write; so I will dictate, and you -write for me. We will settle with your father about the money -afterwards; but the things should be ordered immediately.” - -She was then proceeding to all the particulars of calico, muslin, and -cambric, and would shortly have dictated some very plentiful orders, had -not Jane, though with some difficulty, persuaded her to wait till her -father was at leisure to be consulted. One day’s delay, she observed, -would be of small importance; and her mother was too happy to be quite -so obstinate as usual. Other schemes, too, came into her head. - -“I will go to Meryton,” said she, “as soon as I am dressed, and tell the -good, good news to my sister Philips. And as I come back, I can call on -Lady Lucas and Mrs. Long. Kitty, run down and order the carriage. An -airing would do me a great deal of good, I am sure. Girls, can I do -anything for you in Meryton? Oh! here comes Hill. My dear Hill, have you -heard the good news? Miss Lydia is going to be married; and you shall -all have a bowl of punch to make merry at her wedding.” - -Mrs. Hill began instantly to express her joy. Elizabeth received her -congratulations amongst the rest, and then, sick of this folly, took -refuge in her own room, that she might think with freedom. Poor Lydia’s -situation must, at best, be bad enough; but that it was no worse, she -had need to be thankful. She felt it so; and though, in looking forward, -neither rational happiness, nor worldly prosperity could be justly -expected for her sister, in looking back to what they had feared, only -two hours ago, she felt all the advantages of what they had gained. - - - - -[Illustration: - -“The spiteful old ladies” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER L. - - -[Illustration] - -Mr. Bennet had very often wished, before this period of his life, that, -instead of spending his whole income, he had laid by an annual sum, for -the better provision of his children, and of his wife, if she survived -him. He now wished it more than ever. Had he done his duty in that -respect, Lydia need not have been indebted to her uncle for whatever of -honour or credit could now be purchased for her. The satisfaction of -prevailing on one of the most worthless young men in Great Britain to -be her husband might then have rested in its proper place. - -He was seriously concerned that a cause of so little advantage to anyone -should be forwarded at the sole expense of his brother-in-law; and he -was determined, if possible, to find out the extent of his assistance, -and to discharge the obligation as soon as he could. - -When first Mr. Bennet had married, economy was held to be perfectly -useless; for, of course, they were to have a son. This son was to join -in cutting off the entail, as soon as he should be of age, and the widow -and younger children would by that means be provided for. Five daughters -successively entered the world, but yet the son was to come; and Mrs. -Bennet, for many years after Lydia’s birth, had been certain that he -would. This event had at last been despaired of, but it was then too -late to be saving. Mrs. Bennet had no turn for economy; and her -husband’s love of independence had alone prevented their exceeding their -income. - -Five thousand pounds was settled by marriage articles on Mrs. Bennet and -the children. But in what proportions it should be divided amongst the -latter depended on the will of the parents. This was one point, with -regard to Lydia at least, which was now to be settled, and Mr. Bennet -could have no hesitation in acceding to the proposal before him. In -terms of grateful acknowledgment for the kindness of his brother, though -expressed most concisely, he then delivered on paper his perfect -approbation of all that was done, and his willingness to fulfil the -engagements that had been made for him. He had never before supposed -that, could Wickham be prevailed on to marry his daughter, it would be -done with so little inconvenience to himself as by the present -arrangement. He would scarcely be ten pounds a year the loser, by the -hundred that was to be paid them; for, what with her board and pocket -allowance, and the continual presents in money which passed to her -through her mother’s hands, Lydia’s expenses had been very little within -that sum. - -That it would be done with such trifling exertion on his side, too, was -another very welcome surprise; for his chief wish at present was to have -as little trouble in the business as possible. When the first transports -of rage which had produced his activity in seeking her were over, he -naturally returned to all his former indolence. His letter was soon -despatched; for though dilatory in undertaking business, he was quick in -its execution. He begged to know further particulars of what he was -indebted to his brother; but was too angry with Lydia to send any -message to her. - -The good news quickly spread through the house; and with proportionate -speed through the neighbourhood. It was borne in the latter with decent -philosophy. To be sure, it would have been more for the advantage of -conversation, had Miss Lydia Bennet come upon the town; or, as the -happiest alternative, been secluded from the world in some distant -farm-house. But there was much to be talked of, in marrying her; and the -good-natured wishes for her well-doing, which had proceeded before from -all the spiteful old ladies in Meryton, lost but little of their spirit -in this change of circumstances, because with such a husband her misery -was considered certain. - -It was a fortnight since Mrs. Bennet had been down stairs, but on this -happy day she again took her seat at the head of her table, and in -spirits oppressively high. No sentiment of shame gave a damp to her -triumph. The marriage of a daughter, which had been the first object of -her wishes since Jane was sixteen, was now on the point of -accomplishment, and her thoughts and her words ran wholly on those -attendants of elegant nuptials, fine muslins, new carriages, and -servants. She was busily searching through the neighbourhood for a -proper situation for her daughter; and, without knowing or considering -what their income might be, rejected many as deficient in size and -importance. - -“Haye Park might do,” said she, “if the Gouldings would quit it, or the -great house at Stoke, if the drawing-room were larger; but Ashworth is -too far off. I could not bear to have her ten miles from me; and as for -Purvis Lodge, the attics are dreadful.” - -Her husband allowed her to talk on without interruption while the -servants remained. But when they had withdrawn, he said to her, “Mrs. -Bennet, before you take any, or all of these houses, for your son and -daughter, let us come to a right understanding. Into _one_ house in this -neighbourhood they shall never have admittance. I will not encourage the -imprudence of either, by receiving them at Longbourn.” - -A long dispute followed this declaration; but Mr. Bennet was firm: it -soon led to another; and Mrs. Bennet found, with amazement and horror, -that her husband would not advance a guinea to buy clothes for his -daughter. He protested that she should receive from him no mark of -affection whatever on the occasion. Mrs. Bennet could hardly comprehend -it. That his anger could be carried to such a point of inconceivable -resentment as to refuse his daughter a privilege, without which her -marriage would scarcely seem valid, exceeded all that she could believe -possible. She was more alive to the disgrace, which her want of new -clothes must reflect on her daughter’s nuptials, than to any sense of -shame at her eloping and living with Wickham a fortnight before they -took place. - -Elizabeth was now most heartily sorry that she had, from the distress of -the moment, been led to make Mr. Darcy acquainted with their fears for -her sister; for since her marriage would so shortly give the proper -termination to the elopement, they might hope to conceal its -unfavourable beginning from all those who were not immediately on the -spot. - -She had no fear of its spreading farther, through his means. There were -few people on whose secrecy she would have more confidently depended; -but at the same time there was no one whose knowledge of a sister’s -frailty would have mortified her so much. Not, however, from any fear of -disadvantage from it individually to herself; for at any rate there -seemed a gulf impassable between them. Had Lydia’s marriage been -concluded on the most honourable terms, it was not to be supposed that -Mr. Darcy would connect himself with a family, where to every other -objection would now be added an alliance and relationship of the nearest -kind with the man whom he so justly scorned. - -From such a connection she could not wonder that he should shrink. The -wish of procuring her regard, which she had assured herself of his -feeling in Derbyshire, could not in rational expectation survive such a -blow as this. She was humbled, she was grieved; she repented, though she -hardly knew of what. She became jealous of his esteem, when she could no -longer hope to be benefited by it. She wanted to hear of him, when there -seemed the least chance of gaining intelligence. She was convinced that -she could have been happy with him, when it was no longer likely they -should meet. - -What a triumph for him, as she often thought, could he know that the -proposals which she had proudly spurned only four months ago would now -have been gladly and gratefully received! He was as generous, she -doubted not, as the most generous of his sex. But while he was mortal, -there must be a triumph. - -She began now to comprehend that he was exactly the man who, in -disposition and talents, would most suit her. His understanding and -temper, though unlike her own, would have answered all her wishes. It -was an union that must have been to the advantage of both: by her ease -and liveliness, his mind might have been softened, his manners improved; -and from his judgment, information, and knowledge of the world, she must -have received benefit of greater importance. - -But no such happy marriage could now teach the admiring multitude what -connubial felicity really was. An union of a different tendency, and -precluding the possibility of the other, was soon to be formed in their -family. - -How Wickham and Lydia were to be supported in tolerable independence she -could not imagine. But how little of permanent happiness could belong to -a couple who were only brought together because their passions were -stronger than their virtue, she could easily conjecture. - -Mr. Gardiner soon wrote again to his brother. To Mr. Bennet’s -acknowledgments he briefly replied, with assurances of his eagerness to -promote the welfare of any of his family; and concluded with entreaties -that the subject might never be mentioned to him again. The principal -purport of his letter was to inform them, that Mr. Wickham had resolved -on quitting the militia. - -“It was greatly my wish that he should do so,” he added, “as soon as his -marriage was fixed on. And I think you will agree with me, in -considering a removal from that corps as highly advisable, both on his -account and my niece’s. It is Mr. Wickham’s intention to go into the -Regulars; and, among his former friends, there are still some who are -able and willing to assist him in the army. He has the promise of an -ensigncy in General----’s regiment, now quartered in the north. It is -an advantage to have it so far from this part of the kingdom. He -promises fairly; and I hope among different people, where they may each -have a character to preserve, they will both be more prudent. I have -written to Colonel Forster, to inform him of our present arrangements, -and to request that he will satisfy the various creditors of Mr. Wickham -in and near Brighton with assurances of speedy payment, for which I have -pledged myself. And will you give yourself the trouble of carrying -similar assurances to his creditors in Meryton, of whom I shall subjoin -a list, according to his information? He has given in all his debts; I -hope at least he has not deceived us. Haggerston has our directions, and -all will be completed in a week. They will then join his regiment, -unless they are first invited to Longbourn; and I understand from Mrs. -Gardiner that my niece is very desirous of seeing you all before she -leaves the south. She is well, and begs to be dutifully remembered to -you and her mother.--Yours, etc. - -“E. GARDINER.” - -Mr. Bennet and his daughters saw all the advantages of Wickham’s -removal from the ----shire, as clearly as Mr. Gardiner could do. But -Mrs. Bennet was not so well pleased with it. Lydia’s being settled in -the north, just when she had expected most pleasure and pride in her -company, for she had by no means given up her plan of their residing in -Hertfordshire, was a severe disappointment; and, besides, it was such a -pity that Lydia should be taken from a regiment where she was acquainted -with everybody, and had so many favourites. - -“She is so fond of Mrs. Forster,” said she, “it will be quite shocking -to send her away! And there are several of the young men, too, that she -likes very much. The officers may not be so pleasant in General----’s -regiment.” - -His daughter’s request, for such it might be considered, of being -admitted into her family again, before she set off for the north, -received at first an absolute negative. But Jane and Elizabeth, who -agreed in wishing, for the sake of their sister’s feelings and -consequence, that she should be noticed on her marriage by her parents, -urged him so earnestly, yet so rationally and so mildly, to receive her -and her husband at Longbourn, as soon as they were married, that he was -prevailed on to think as they thought, and act as they wished. And their -mother had the satisfaction of knowing, that she should be able to show -her married daughter in the neighbourhood, before she was banished to -the north. When Mr. Bennet wrote again to his brother, therefore, he -sent his permission for them to come; and it was settled, that, as soon -as the ceremony was over, they should proceed to Longbourn. Elizabeth -was surprised, however, that Wickham should consent to such a scheme; -and, had she consulted only her own inclination, any meeting with him -would have been the last object of her wishes. - - - - -[Illustration: - -“With an affectionate smile” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER LI. - - -[Illustration] - -Their sister’s wedding-day arrived; and Jane and Elizabeth felt for her -probably more than she felt for herself. The carriage was sent to meet -them at----, and they were to return in it by dinnertime. Their arrival -was dreaded by the elder Miss Bennets--and Jane more especially, who -gave Lydia the feelings which would have attended herself, had _she_ -been the culprit, and was wretched in the thought of what her sister -must endure. - -They came. The family were assembled in the breakfast-room to receive -them. Smiles decked the face of Mrs. Bennet, as the carriage drove up to -the door; her husband looked impenetrably grave; her daughters, alarmed, -anxious, uneasy. - -Lydia’s voice was heard in the vestibule; the door was thrown open, and -she ran into the room. Her mother stepped forwards, embraced her, and -welcomed her with rapture; gave her hand with an affectionate smile to -Wickham, who followed his lady; and wished them both joy, with an -alacrity which showed no doubt of their happiness. - -Their reception from Mr. Bennet, to whom they then turned, was not quite -so cordial. His countenance rather gained in austerity; and he scarcely -opened his lips. The easy assurance of the young couple, indeed, was -enough to provoke him. - -Elizabeth was disgusted, and even Miss Bennet was shocked. Lydia was -Lydia still; untamed, unabashed, wild, noisy, and fearless. She turned -from sister to sister, demanding their congratulations; and when at -length they all sat down, looked eagerly round the room, took notice of -some little alteration in it, and observed, with a laugh, that it was a -great while since she had been there. - -Wickham was not at all more distressed than herself; but his manners -were always so pleasing, that, had his character and his marriage been -exactly what they ought, his smiles and his easy address, while he -claimed their relationship, would have delighted them all. Elizabeth -had not before believed him quite equal to such assurance; but she sat -down, resolving within herself to draw no limits in future to the -impudence of an impudent man. _She_ blushed, and Jane blushed; but the -cheeks of the two who caused their confusion suffered no variation of -colour. - -There was no want of discourse. The bride and her mother could neither -of them talk fast enough; and Wickham, who happened to sit near -Elizabeth, began inquiring after his acquaintance in that neighbourhood, -with a good-humoured ease, which she felt very unable to equal in her -replies. They seemed each of them to have the happiest memories in the -world. Nothing of the past was recollected with pain; and Lydia led -voluntarily to subjects which her sisters would not have alluded to for -the world. - -“Only think of its being three months,” she cried, “since I went away: -it seems but a fortnight, I declare; and yet there have been things -enough happened in the time. Good gracious! when I went away, I am sure -I had no more idea of being married till I came back again! though I -thought it would be very good fun if I was.” - -Her father lifted up his eyes, Jane was distressed, Elizabeth looked -expressively at Lydia; but she, who never heard nor saw anything of -which she chose to be insensible, gaily continued,-- - -“Oh, mamma, do the people hereabouts know I am married to-day? I was -afraid they might not; and we overtook William Goulding in his curricle, -so I was determined he should know it, and so I let down the side glass -next to him, and took off my glove and let my hand just rest upon the -window frame, so that he might see the ring, and then I bowed and -smiled like anything.” - -Elizabeth could bear it no longer. She got up and ran out of the room; -and returned no more, till she heard them passing through the hall to -the dining-parlour. She then joined them soon enough to see Lydia, with -anxious parade, walk up to her mother’s right hand, and hear her say to -her eldest sister,-- - -“Ah, Jane, I take your place now, and you must go lower, because I am a -married woman.” - -It was not to be supposed that time would give Lydia that embarrassment -from which she had been so wholly free at first. Her ease and good -spirits increased. She longed to see Mrs. Philips, the Lucases, and all -their other neighbours, and to hear herself called “Mrs. Wickham” by -each of them; and in the meantime she went after dinner to show her ring -and boast of being married to Mrs. Hill and the two housemaids. - -“Well, mamma,” said she, when they were all returned to the -breakfast-room, “and what do you think of my husband? Is not he a -charming man? I am sure my sisters must all envy me. I only hope they -may have half my good luck. They must all go to Brighton. That is the -place to get husbands. What a pity it is, mamma, we did not all go!” - -“Very true; and if I had my will we should. But, my dear Lydia, I don’t -at all like your going such a way off. Must it be so?” - -“Oh, Lord! yes; there is nothing in that. I shall like it of all things. -You and papa, and my sisters, must come down and see us. We shall be at -Newcastle all the winter, and I dare say there will be some balls, and I -will take care to get good partners for them all.” - -“I should like it beyond anything!” said her mother. - -“And then when you go away, you may leave one or two of my sisters -behind you; and I dare say I shall get husbands for them before the -winter is over.” - -“I thank you for my share of the favour,” said Elizabeth; “but I do not -particularly like your way of getting husbands.” - -Their visitors were not to remain above ten days with them. Mr. Wickham -had received his commission before he left London, and he was to join -his regiment at the end of a fortnight. - -No one but Mrs. Bennet regretted that their stay would be so short; and -she made the most of the time by visiting about with her daughter, and -having very frequent parties at home. These parties were acceptable to -all; to avoid a family circle was even more desirable to such as did -think than such as did not. - -Wickham’s affection for Lydia was just what Elizabeth had expected to -find it; not equal to Lydia’s for him. She had scarcely needed her -present observation to be satisfied, from the reason of things, that -their elopement had been brought on by the strength of her love rather -than by his; and she would have wondered why, without violently caring -for her, he chose to elope with her at all, had she not felt certain -that his flight was rendered necessary by distress of circumstances; and -if that were the case, he was not the young man to resist an opportunity -of having a companion. - -Lydia was exceedingly fond of him. He was her dear Wickham on every -occasion; no one was to be put in competition with him. He did -everything best in the world; and she was sure he would kill more birds -on the first of September than anybody else in the country. - -One morning, soon after their arrival, as she was sitting with her two -elder sisters, she said to Elizabeth,-- - -“Lizzy, I never gave _you_ an account of my wedding, I believe. You were -not by, when I told mamma, and the others, all about it. Are not you -curious to hear how it was managed?” - -“No, really,” replied Elizabeth; “I think there cannot be too little -said on the subject.” - -“La! You are so strange! But I must tell you how it went off. We were -married, you know, at St. Clement’s, because Wickham’s lodgings were in -that parish. And it was settled that we should all be there by eleven -o’clock. My uncle and aunt and I were to go together; and the others -were to meet us at the church. - -“Well, Monday morning came, and I was in such a fuss! I was so afraid, -you know, that something would happen to put it off, and then I should -have gone quite distracted. And there was my aunt, all the time I was -dressing, preaching and talking away just as if she was reading a -sermon. However, I did not hear above one word in ten, for I was -thinking, you may suppose, of my dear Wickham. I longed to know whether -he would be married in his blue coat. - -“Well, and so we breakfasted at ten as usual: I thought it would never -be over; for, by the bye, you are to understand that my uncle and aunt -were horrid unpleasant all the time I was with them. If you’ll believe -me, I did not once put my foot out of doors, though I was there a -fortnight. Not one party, or scheme, or anything! To be sure, London was -rather thin, but, however, the Little Theatre was open. - -“Well, and so, just as the carriage came to the door, my uncle was -called away upon business to that horrid man Mr. Stone. And then, you -know, when once they get together, there is no end of it. Well, I was so -frightened I did not know what to do, for my uncle was to give me away; -and if we were beyond the hour we could not be married all day. But, -luckily, he came back again in ten minutes’ time, and then we all set -out. However, I recollected afterwards, that if he _had_ been prevented -going, the wedding need not be put off, for Mr. Darcy might have done as -well.” - -“Mr. Darcy!” repeated Elizabeth, in utter amazement. - -“Oh, yes! he was to come there with Wickham, you know. But, gracious me! -I quite forgot! I ought not to have said a word about it. I promised -them so faithfully! What will Wickham say? It was to be such a secret!” - -“If it was to be a secret,” said Jane, “say not another word on the -subject. You may depend upon my seeking no further.” - -“Oh, certainly,” said Elizabeth, though burning with curiosity; “we will -ask you no questions.” - -“Thank you,” said Lydia; “for if you did, I should certainly tell you -all, and then Wickham would be so angry.” - -On such encouragement to ask, Elizabeth was forced to put it out of her -power, by running away. - -But to live in ignorance on such a point was impossible; or at least it -was impossible not to try for information. Mr. Darcy had been at her -sister’s wedding. It was exactly a scene, and exactly among people, -where he had apparently least to do, and least temptation to go. -Conjectures as to the meaning of it, rapid and wild, hurried into her -brain; but she was satisfied with none. Those that best pleased her, as -placing his conduct in the noblest light, seemed most improbable. She -could not bear such suspense; and hastily seizing a sheet of paper, -wrote a short letter to her aunt, to request an explanation of what -Lydia had dropped, if it were compatible with the secrecy which had been -intended. - -“You may readily comprehend,” she added, “what my curiosity must be to -know how a person unconnected with any of us, and, comparatively -speaking, a stranger to our family, should have been amongst you at such -a time. Pray write instantly, and let me understand it--unless it is, -for very cogent reasons, to remain in the secrecy which Lydia seems to -think necessary; and then I must endeavour to be satisfied with -ignorance.” - -“Not that I _shall_, though,” she added to herself, and she finished the -letter; “and, my dear aunt, if you do not tell me in an honourable -manner, I shall certainly be reduced to tricks and stratagems to find it -out.” - -Jane’s delicate sense of honour would not allow her to speak to -Elizabeth privately of what Lydia had let fall; Elizabeth was glad of -it:--till it appeared whether her inquiries would receive any -satisfaction, she had rather be without a confidante. - - - - -[Illustration: - -“I am sure she did not listen.” -] - - - - -CHAPTER LII. - - -[Illustration] - -Elizabeth had the satisfaction of receiving an answer to her letter as -soon as she possibly could. She was no sooner in possession of it, than -hurrying into the little copse, where she was least likely to be -interrupted, she sat down on one of the benches, and prepared to be -happy; for the length of the letter convinced her that it did not -contain a denial. - - /* RIGHT “Gracechurch Street, _Sept. 6_. */ - -“My dear Niece, - - “I have just received your letter, and shall devote this whole - morning to answering it, as I foresee that a _little_ writing will - not comprise what I have to tell you. I must confess myself - surprised by your application; I did not expect it from _you_. - Don’t think me angry, however, for I only mean to let you know, - that I had not imagined such inquiries to be necessary on _your_ - side. If you do not choose to understand me, forgive my - impertinence. Your uncle is as much surprised as I am; and nothing - but the belief of your being a party concerned would have allowed - him to act as he has done. But if you are really innocent and - ignorant, I must be more explicit. On the very day of my coming - home from Longbourn, your uncle had a most unexpected visitor. Mr. - Darcy called, and was shut up with him several hours. It was all - over before I arrived; so my curiosity was not so dreadfully racked - as _yours_ seems to have been. He came to tell Mr. Gardiner that he - had found out where your sister and Mr. Wickham were, and that he - had seen and talked with them both--Wickham repeatedly, Lydia once. - From what I can collect, he left Derbyshire only one day after - ourselves, and came to town with the resolution of hunting for - them. The motive professed was his conviction of its being owing to - himself that Wickham’s worthlessness had not been so well known as - to make it impossible for any young woman of character to love or - confide in him. He generously imputed the whole to his mistaken - pride, and confessed that he had before thought it beneath him to - lay his private actions open to the world. His character was to - speak for itself. He called it, therefore, his duty to step - forward, and endeavour to remedy an evil which had been brought on - by himself. If he _had another_ motive, I am sure it would never - disgrace him. He had been some days in town before he was able to - discover them; but he had something to direct his search, which was - more than _we_ had; and the consciousness of this was another - reason for his resolving to follow us. There is a lady, it seems, a - Mrs. Younge, who was some time ago governess to Miss Darcy, and was - dismissed from her charge on some cause of disapprobation, though - he did not say what. She then took a large house in Edward Street, - and has since maintained herself by letting lodgings. This Mrs. - Younge was, he knew, intimately acquainted with Wickham; and he - went to her for intelligence of him, as soon as he got to town. But - it was two or three days before he could get from her what he - wanted. She would not betray her trust, I suppose, without bribery - and corruption, for she really did know where her friend was to be - found. Wickham, indeed, had gone to her on their first arrival in - London; and had she been able to receive them into her house, they - would have taken up their abode with her. At length, however, our - kind friend procured the wished-for direction. They were in ---- - Street. He saw Wickham, and afterwards insisted on seeing Lydia. - His first object with her, he acknowledged, had been to persuade - her to quit her present disgraceful situation, and return to her - friends as soon as they could be prevailed on to receive her, - offering his assistance as far as it would go. But he found Lydia - absolutely resolved on remaining where she was. She cared for none - of her friends; she wanted no help of his; she would not hear of - leaving Wickham. She was sure they should be married some time or - other, and it did not much signify when. Since such were her - feelings, it only remained, he thought, to secure and expedite a - marriage, which, in his very first conversation with Wickham, he - easily learnt had never been _his_ design. He confessed himself - obliged to leave the regiment on account of some debts of honour - which were very pressing; and scrupled not to lay all the ill - consequences of Lydia’s flight on her own folly alone. He meant to - resign his commission immediately; and as to his future situation, - he could conjecture very little about it. He must go somewhere, but - he did not know where, and he knew he should have nothing to live - on. Mr. Darcy asked why he did not marry your sister at once. - Though Mr. Bennet was not imagined to be very rich, he would have - been able to do something for him, and his situation must have been - benefited by marriage. But he found, in reply to this question, - that Wickham still cherished the hope of more effectually making - his fortune by marriage, in some other country. Under such - circumstances, however, he was not likely to be proof against the - temptation of immediate relief. They met several times, for there - was much to be discussed. Wickham, of course, wanted more than he - could get; but at length was reduced to be reasonable. Everything - being settled between _them_, Mr. Darcy’s next step was to make - your uncle acquainted with it, and he first called in Gracechurch - Street the evening before I came home. But Mr. Gardiner could not - be seen; and Mr. Darcy found, on further inquiry, that your father - was still with him, but would quit town the next morning. He did - not judge your father to be a person whom he could so properly - consult as your uncle, and therefore readily postponed seeing him - till after the departure of the former. He did not leave his name, - and till the next day it was only known that a gentleman had called - on business. On Saturday he came again. Your father was gone, your - uncle at home, and, as I said before, they had a great deal of talk - together. They met again on Sunday, and then _I_ saw him too. It - was not all settled before Monday: as soon as it was, the express - was sent off to Longbourn. But our visitor was very obstinate. I - fancy, Lizzy, that obstinacy is the real defect of his character, - after all. He has been accused of many faults at different times; - but _this_ is the true one. Nothing was to be done that he did not - do himself; though I am sure (and I do not speak it to be thanked, - therefore say nothing about it) your uncle would most readily have - settled the whole. They battled it together for a long time, which - was more than either the gentleman or lady concerned in it - deserved. But at last your uncle was forced to yield, and instead - of being allowed to be of use to his niece, was forced to put up - with only having the probable credit of it, which went sorely - against the grain; and I really believe your letter this morning - gave him great pleasure, because it required an explanation that - would rob him of his borrowed feathers, and give the praise where - it was due. But, Lizzy, this must go no further than yourself, or - Jane at most. You know pretty well, I suppose, what has been done - for the young people. His debts are to be paid, amounting, I - believe, to considerably more than a thousand pounds, another - thousand in addition to her own settled upon _her_, and his - commission purchased. The reason why all this was to be done by him - alone, was such as I have given above. It was owing to him, to his - reserve and want of proper consideration, that Wickham’s character - had been so misunderstood, and consequently that he had been - received and noticed as he was. Perhaps there was some truth in - _this_; though I doubt whether _his_ reserve, or _anybody’s_ - reserve can be answerable for the event. But in spite of all this - fine talking, my dear Lizzy, you may rest perfectly assured that - your uncle would never have yielded, if we had not given him credit - for _another interest_ in the affair. When all this was resolved - on, he returned again to his friends, who were still staying at - Pemberley; but it was agreed that he should be in London once more - when the wedding took place, and all money matters were then to - receive the last finish. I believe I have now told you everything. - It is a relation which you tell me is to give you great surprise; I - hope at least it will not afford you any displeasure. Lydia came to - us, and Wickham had constant admission to the house. _He_ was - exactly what he had been when I knew him in Hertfordshire; but I - would not tell you how little I was satisfied with _her_ behaviour - while she stayed with us, if I had not perceived, by Jane’s letter - last Wednesday, that her conduct on coming home was exactly of a - piece with it, and therefore what I now tell you can give you no - fresh pain. I talked to her repeatedly in the most serious manner, - representing to her the wickedness of what she had done, and all - the unhappiness she had brought on her family. If she heard me, it - was by good luck, for I am sure she did not listen. I was sometimes - quite provoked; but then I recollected my dear Elizabeth and Jane, - and for their sakes had patience with her. Mr. Darcy was punctual - in his return, and, as Lydia informed you, attended the wedding. He - dined with us the next day, and was to leave town again on - Wednesday or Thursday. Will you be very angry with me, my dear - Lizzy, if I take this opportunity of saying (what I was never bold - enough to say before) how much I like him? His behaviour to us has, - in every respect, been as pleasing as when we were in Derbyshire. - His understanding and opinions all please me; he wants nothing but - a little more liveliness, and _that_, if he marry _prudently_, his - wife may teach him. I thought him very sly; he hardly ever - mentioned your name. But slyness seems the fashion. Pray forgive - me, if I have been very presuming, or at least do not punish me so - far as to exclude me from P. I shall never be quite happy till I - have been all round the park. A low phaeton with a nice little pair - of ponies would be the very thing. But I must write no more. The - children have been wanting me this half hour. - -“Yours, very sincerely, - -“M. GARDINER.” - - -The contents of this letter threw Elizabeth into a flutter of spirits, -in which it was difficult to determine whether pleasure or pain bore the -greatest share. The vague and unsettled suspicions which uncertainty had -produced, of what Mr. Darcy might have been doing to forward her -sister’s match--which she had feared to encourage, as an exertion of -goodness too great to be probable, and at the same time dreaded to be -just, from the pain of obligation--were proved beyond their greatest -extent to be true! He had followed them purposely to town, he had taken -on himself all the trouble and mortification attendant on such a -research; in which supplication had been necessary to a woman whom he -must abominate and despise, and where he was reduced to meet, frequently -meet, reason with, persuade, and finally bribe the man whom he always -most wished to avoid, and whose very name it was punishment to him to -pronounce. He had done all this for a girl whom he could neither regard -nor esteem. Her heart did whisper that he had done it for her. But it -was a hope shortly checked by other considerations; and she soon felt -that even her vanity was insufficient, when required to depend on his -affection for her, for a woman who had already refused him, as able to -overcome a sentiment so natural as abhorrence against relationship with -Wickham. Brother-in-law of Wickham! Every kind of pride must revolt from -the connection. He had, to be sure, done much. She was ashamed to think -how much. But he had given a reason for his interference, which asked no -extraordinary stretch of belief. It was reasonable that he should feel -he had been wrong; he had liberality, and he had the means of exercising -it; and though she would not place herself as his principal inducement, -she could perhaps believe, that remaining partiality for her might -assist his endeavours in a cause where her peace of mind must be -materially concerned. It was painful, exceedingly painful, to know that -they were under obligations to a person who could never receive a -return. They owed the restoration of Lydia, her character, everything to -him. Oh, how heartily did she grieve over every ungracious sensation she -had ever encouraged, every saucy speech she had ever directed towards -him! For herself she was humbled; but she was proud of him,--proud that -in a cause of compassion and honour he had been able to get the better -of himself. She read over her aunt’s commendation of him again and -again. It was hardly enough; but it pleased her. She was even sensible -of some pleasure, though mixed with regret, on finding how steadfastly -both she and her uncle had been persuaded that affection and confidence -subsisted between Mr. Darcy and herself. - -She was roused from her seat and her reflections, by someone’s approach; -and, before she could strike into another path, she was overtaken by -Wickham. - -“I am afraid I interrupt your solitary ramble, my dear sister?” said he, -as he joined her. - -“You certainly do,” she replied with a smile; “but it does not follow -that the interruption must be unwelcome.” - -“I should be sorry, indeed, if it were. _We_ were always good friends, -and now we are better.” - -“True. Are the others coming out?” - -“I do not know. Mrs. Bennet and Lydia are going in the carriage to -Meryton. And so, my dear sister, I find, from our uncle and aunt, that -you have actually seen Pemberley.” - -She replied in the affirmative. - -“I almost envy you the pleasure, and yet I believe it would be too much -for me, or else I could take it in my way to Newcastle. And you saw the -old housekeeper, I suppose? Poor Reynolds, she was always very fond of -me. But of course she did not mention my name to you.” - -“Yes, she did.” - -“And what did she say?” - -“That you were gone into the army, and she was afraid had--not turned -out well. At such a distance as _that_, you know, things are strangely -misrepresented.” - -“Certainly,” he replied, biting his lips. Elizabeth hoped she had -silenced him; but he soon afterwards said,-- - -“I was surprised to see Darcy in town last month. We passed each other -several times. I wonder what he can be doing there.” - -“Perhaps preparing for his marriage with Miss de Bourgh,” said -Elizabeth. “It must be something particular to take him there at this -time of year.” - -“Undoubtedly. Did you see him while you were at Lambton? I thought I -understood from the Gardiners that you had.” - -“Yes; he introduced us to his sister.” - -“And do you like her?” - -“Very much.” - -“I have heard, indeed, that she is uncommonly improved within this year -or two. When I last saw her, she was not very promising. I am very glad -you liked her. I hope she will turn out well.” - -“I dare say she will; she has got over the most trying age.” - -“Did you go by the village of Kympton?” - -“I do not recollect that we did.” - -“I mention it because it is the living which I ought to have had. A most -delightful place! Excellent parsonage-house! It would have suited me in -every respect.” - -“How should you have liked making sermons?” - -“Exceedingly well. I should have considered it as part of my duty, and -the exertion would soon have been nothing. One ought not to repine; but, -to be sure, it would have been such a thing for me! The quiet, the -retirement of such a life, would have answered all my ideas of -happiness! But it was not to be. Did you ever hear Darcy mention the -circumstance when you were in Kent?” - -“I _have_ heard from authority, which I thought _as good_, that it was -left you conditionally only, and at the will of the present patron.” - -“You have! Yes, there was something in _that_; I told you so from the -first, you may remember.” - -“I _did_ hear, too, that there was a time when sermon-making was not so -palatable to you as it seems to be at present; that you actually -declared your resolution of never taking orders, and that the business -had been compromised accordingly.” - -“You did! and it was not wholly without foundation. You may remember -what I told you on that point, when first we talked of it.” - -They were now almost at the door of the house, for she had walked fast -to get rid of him; and unwilling, for her sister’s sake, to provoke him, -she only said in reply, with a good-humoured smile,-- - -“Come, Mr. Wickham, we are brother and sister, you know. Do not let us -quarrel about the past. In future, I hope we shall be always of one -mind.” - -She held out her hand: he kissed it with affectionate gallantry, though -he hardly knew how to look, and they entered the house. - - - - -[Illustration: - -“Mr. Darcy with him.” -] - - - - -CHAPTER LIII. - - -[Illustration] - -Mr. Wickham was so perfectly satisfied with this conversation, that he -never again distressed himself, or provoked his dear sister Elizabeth, -by introducing the subject of it; and she was pleased to find that she -had said enough to keep him quiet. - -The day of his and Lydia’s departure soon came; and Mrs. Bennet was -forced to submit to a separation, which, as her husband by no means -entered into her scheme of their all going to Newcastle, was likely to -continue at least a twelvemonth. - -“Oh, my dear Lydia,” she cried, “when shall we meet again?” - -“Oh, Lord! I don’t know. Not these two or three years, perhaps.” - -“Write to me very often, my dear.” - -“As often as I can. But you know married women have never much time for -writing. My sisters may write to _me_. They will have nothing else to -do.” - -Mr. Wickham’s adieus were much more affectionate than his wife’s. He -smiled, looked handsome, and said many pretty things. - -“He is as fine a fellow,” said Mr. Bennet, as soon as they were out of -the house, “as ever I saw. He simpers, and smirks, and makes love to us -all. I am prodigiously proud of him. I defy even Sir William Lucas -himself to produce a more valuable son-in-law.” - -The loss of her daughter made Mrs. Bennet very dull for several days. - -“I often think,” said she, “that there is nothing so bad as parting with -one’s friends. One seems so forlorn without them.” - -“This is the consequence, you see, madam, of marrying a daughter,” said -Elizabeth. “It must make you better satisfied that your other four are -single.” - -“It is no such thing. Lydia does not leave me because she is married; -but only because her husband’s regiment happens to be so far off. If -that had been nearer, she would not have gone so soon.” - -But the spiritless condition which this event threw her into was shortly -relieved, and her mind opened again to the agitation of hope, by an -article of news which then began to be in circulation. The housekeeper -at Netherfield had received orders to prepare for the arrival of her -master, who was coming down in a day or two, to shoot there for several -weeks. Mrs. Bennet was quite in the fidgets. She looked at Jane, and -smiled, and shook her head, by turns. - -“Well, well, and so Mr. Bingley is coming down, sister,” (for Mrs. -Philips first brought her the news). “Well, so much the better. Not that -I care about it, though. He is nothing to us, you know, and I am sure I -never want to see him again. But, however, he is very welcome to come to -Netherfield, if he likes it. And who knows what _may_ happen? But that -is nothing to us. You know, sister, we agreed long ago never to mention -a word about it. And so, it is quite certain he is coming?” - -“You may depend on it,” replied the other, “for Mrs. Nichols was in -Meryton last night: I saw her passing by, and went out myself on purpose -to know the truth of it; and she told me that it was certainly true. He -comes down on Thursday, at the latest, very likely on Wednesday. She was -going to the butcher’s, she told me, on purpose to order in some meat on -Wednesday, and she has got three couple of ducks just fit to be killed.” - -Miss Bennet had not been able to hear of his coming without changing -colour. It was many months since she had mentioned his name to -Elizabeth; but now, as soon as they were alone together, she said,-- - -“I saw you look at me to-day, Lizzy, when my aunt told us of the present -report; and I know I appeared distressed; but don’t imagine it was from -any silly cause. I was only confused for the moment, because I felt that -I _should_ be looked at. I do assure you that the news does not affect -me either with pleasure or pain. I am glad of one thing, that he comes -alone; because we shall see the less of him. Not that I am afraid of -_myself_, but I dread other people’s remarks.” - -Elizabeth did not know what to make of it. Had she not seen him in -Derbyshire, she might have supposed him capable of coming there with no -other view than what was acknowledged; but she still thought him partial -to Jane, and she wavered as to the greater probability of his coming -there _with_ his friend’s permission, or being bold enough to come -without it. - -“Yet it is hard,” she sometimes thought, “that this poor man cannot come -to a house, which he has legally hired, without raising all this -speculation! I _will_ leave him to himself.” - -In spite of what her sister declared, and really believed to be her -feelings, in the expectation of his arrival, Elizabeth could easily -perceive that her spirits were affected by it. They were more disturbed, -more unequal, than she had often seen them. - -The subject which had been so warmly canvassed between their parents, -about a twelvemonth ago, was now brought forward again. - -“As soon as ever Mr. Bingley comes, my dear,” said Mrs. Bennet, “you -will wait on him, of course.” - -“No, no. You forced me into visiting him last year, and promised, if I -went to see him, he should marry one of my daughters. But it ended in -nothing, and I will not be sent on a fool’s errand again.” - -His wife represented to him how absolutely necessary such an attention -would be from all the neighbouring gentlemen, on his returning to -Netherfield. - -“’Tis an _etiquette_ I despise,” said he. “If he wants our society, let -him seek it. He knows where we live. I will not spend _my_ hours in -running after my neighbours every time they go away and come back -again.” - -“Well, all I know is, that it will be abominably rude if you do not wait -on him. But, however, that shan’t prevent my asking him to dine here, I -am determined. We must have Mrs. Long and the Gouldings soon. That will -make thirteen with ourselves, so there will be just room at table for -him.” - -Consoled by this resolution, she was the better able to bear her -husband’s incivility; though it was very mortifying to know that her -neighbours might all see Mr. Bingley, in consequence of it, before -_they_ did. As the day of his arrival drew near,-- - -“I begin to be sorry that he comes at all,” said Jane to her sister. “It -would be nothing; I could see him with perfect indifference; but I can -hardly bear to hear it thus perpetually talked of. My mother means well; -but she does not know, no one can know, how much I suffer from what she -says. Happy shall I be when his stay at Netherfield is over!” - -“I wish I could say anything to comfort you,” replied Elizabeth; “but it -is wholly out of my power. You must feel it; and the usual satisfaction -of preaching patience to a sufferer is denied me, because you have -always so much.” - -Mr. Bingley arrived. Mrs. Bennet, through the assistance of servants, -contrived to have the earliest tidings of it, that the period of anxiety -and fretfulness on her side be as long as it could. She counted the days -that must intervene before their invitation could be sent--hopeless of -seeing him before. But on the third morning after his arrival in -Hertfordshire, she saw him from her dressing-room window enter the -paddock, and ride towards the house. - -Her daughters were eagerly called to partake of her joy. Jane resolutely -kept her place at the table; but Elizabeth, to satisfy her mother, went -to the window--she looked--she saw Mr. Darcy with him, and sat down -again by her sister. - -“There is a gentleman with him, mamma,” said Kitty; “who can it be?” - -“Some acquaintance or other, my dear, I suppose; I am sure I do not -know.” - -“La!” replied Kitty, “it looks just like that man that used to be with -him before. Mr. what’s his name--that tall, proud man.” - -“Good gracious! Mr. Darcy!--and so it does, I vow. Well, any friend of -Mr. Bingley’s will always be welcome here, to be sure; but else I must -say that I hate the very sight of him.” - -Jane looked at Elizabeth with surprise and concern. She knew but little -of their meeting in Derbyshire, and therefore felt for the awkwardness -which must attend her sister, in seeing him almost for the first time -after receiving his explanatory letter. Both sisters were uncomfortable -enough. Each felt for the other, and of course for themselves; and their -mother talked on of her dislike of Mr. Darcy, and her resolution to be -civil to him only as Mr. Bingley’s friend, without being heard by either -of them. But Elizabeth had sources of uneasiness which could not yet be -suspected by Jane, to whom she had never yet had courage to show Mrs. -Gardiner’s letter, or to relate her own change of sentiment towards -him. To Jane, he could be only a man whose proposals she had refused, -and whose merits she had undervalued; but to her own more extensive -information, he was the person to whom the whole family were indebted -for the first of benefits, and whom she regarded herself with an -interest, if not quite so tender, at least as reasonable and just, as -what Jane felt for Bingley. Her astonishment at his coming--at his -coming to Netherfield, to Longbourn, and voluntarily seeking her again, -was almost equal to what she had known on first witnessing his altered -behaviour in Derbyshire. - -The colour which had been driven from her face returned for half a -minute with an additional glow, and a smile of delight added lustre to -her eyes, as she thought for that space of time that his affection and -wishes must still be unshaken; but she would not be secure. - -“Let me first see how he behaves,” said she; “it will then be early -enough for expectation.” - -She sat intently at work, striving to be composed, and without daring to -lift up her eyes, till anxious curiosity carried them to the face of her -sister as the servant was approaching the door. Jane looked a little -paler than usual, but more sedate than Elizabeth had expected. On the -gentlemen’s appearing, her colour increased; yet she received them with -tolerable ease, and with a propriety of behaviour equally free from any -symptom of resentment, or any unnecessary complaisance. - -Elizabeth said as little to either as civility would allow, and sat down -again to her work, with an eagerness which it did not often command. She -had ventured only one glance at Darcy. He looked serious as usual; and, -she thought, more as he had been used to look in Hertfordshire, than as -she had seen him at Pemberley. But, perhaps, he could not in her -mother’s presence be what he was before her uncle and aunt. It was a -painful, but not an improbable, conjecture. - -Bingley she had likewise seen for an instant, and in that short period -saw him looking both pleased and embarrassed. He was received by Mrs. -Bennet with a degree of civility which made her two daughters ashamed, -especially when contrasted with the cold and ceremonious politeness of -her courtesy and address of his friend. - -Elizabeth particularly, who knew that her mother owed to the latter the -preservation of her favourite daughter from irremediable infamy, was -hurt and distressed to a most painful degree by a distinction so ill -applied. - -Darcy, after inquiring of her how Mr. and Mrs. Gardiner did--a question -which she could not answer without confusion--said scarcely anything. He -was not seated by her: perhaps that was the reason of his silence; but -it had not been so in Derbyshire. There he had talked to her friends -when he could not to herself. But now several minutes elapsed, without -bringing the sound of his voice; and when occasionally, unable to resist -the impulse of curiosity, she raised her eyes to his face, she as often -found him looking at Jane as at herself, and frequently on no object but -the ground. More thoughtfulness and less anxiety to please, than when -they last met, were plainly expressed. She was disappointed, and angry -with herself for being so. - -“Could I expect it to be otherwise?” said she. “Yet why did he come?” - -She was in no humour for conversation with anyone but himself; and to -him she had hardly courage to speak. - -She inquired after his sister, but could do no more. - -“It is a long time, Mr. Bingley, since you went away,” said Mrs. Bennet. - -He readily agreed to it. - -“I began to be afraid you would never come back again. People _did_ say, -you meant to quit the place entirely at Michaelmas; but, however, I hope -it is not true. A great many changes have happened in the neighbourhood -since you went away. Miss Lucas is married and settled: and one of my -own daughters. I suppose you have heard of it; indeed, you must have -seen it in the papers. It was in the ‘Times’ and the ‘Courier,’ I know; -though it was not put in as it ought to be. It was only said, ‘Lately, -George Wickham, Esq., to Miss Lydia Bennet,’ without there being a -syllable said of her father, or the place where she lived, or anything. -It was my brother Gardiner’s drawing up, too, and I wonder how he came -to make such an awkward business of it. Did you see it?” - -Bingley replied that he did, and made his congratulations. Elizabeth -dared not lift up her eyes. How Mr. Darcy looked, therefore, she could -not tell. - -“It is a delightful thing, to be sure, to have a daughter well married,” -continued her mother; “but at the same time, Mr. Bingley, it is very -hard to have her taken away from me. They are gone down to Newcastle, a -place quite northward it seems, and there they are to stay, I do not -know how long. His regiment is there; for I suppose you have heard of -his leaving the ----shire, and of his being gone into the Regulars. -Thank heaven! he has _some_ friends, though, perhaps, not so many as he -deserves.” - -Elizabeth, who knew this to be levelled at Mr. Darcy, was in such misery -of shame that she could hardly keep her seat. It drew from her, however, -the exertion of speaking, which nothing else had so effectually done -before; and she asked Bingley whether he meant to make any stay in the -country at present. A few weeks, he believed. - -“When you have killed all your own birds, Mr. Bingley,” said her mother, -“I beg you will come here and shoot as many as you please on Mr. -Bennet’s manor. I am sure he will be vastly happy to oblige you, and -will save all the best of the coveys for you.” - -Elizabeth’s misery increased at such unnecessary, such officious -attention! Were the same fair prospect to arise at present, as had -flattered them a year ago, everything, she was persuaded, would be -hastening to the same vexatious conclusion. At that instant she felt, -that years of happiness could not make Jane or herself amends for -moments of such painful confusion. - -“The first wish of my heart,” said she to herself, “is never more to be -in company with either of them. Their society can afford no pleasure -that will atone for such wretchedness as this! Let me never see either -one or the other again!” - -Yet the misery, for which years of happiness were to offer no -compensation, received soon afterwards material relief, from observing -how much the beauty of her sister rekindled the admiration of her former -lover. When first he came in, he had spoken to her but little, but every -five minutes seemed to be giving her more of his attention. He found her -as handsome as she had been last year; as good-natured, and as -unaffected, though not quite so chatty. Jane was anxious that no -difference should be perceived in her at all, and was really persuaded -that she talked as much as ever; but her mind was so busily engaged, -that she did not always know when she was silent. - -When the gentlemen rose to go away, Mrs. Bennet was mindful of her -intended civility, and they were invited and engaged to dine at -Longbourn in a few days’ time. - -“You are quite a visit in my debt, Mr. Bingley,” she added; “for when -you went to town last winter, you promised to take a family dinner with -us as soon as you returned. I have not forgot, you see; and I assure you -I was very much disappointed that you did not come back and keep your -engagement.” - -Bingley looked a little silly at this reflection, and said something of -his concern at having been prevented by business. They then went away. - -Mrs. Bennet had been strongly inclined to ask them to stay and dine -there that day; but, though she always kept a very good table, she did -not think anything less than two courses could be good enough for a man -on whom she had such anxious designs, or satisfy the appetite and pride -of one who had ten thousand a year. - - - - -[Illustration: - - “Jane happened to look round” -] - - - - -CHAPTER LIV. - - -[Illustration] - -As soon as they were gone, Elizabeth walked out to recover her spirits; -or, in other words, to dwell without interruption on those subjects -which must deaden them more. Mr. Darcy’s behaviour astonished and vexed -her. - -“Why, if he came only to be silent, grave, and indifferent,” said she, -“did he come at all?” - -She could settle it in no way that gave her pleasure. - -“He could be still amiable, still pleasing to my uncle and aunt, when he -was in town; and why not to me? If he fears me, why come hither? If he -no longer cares for me, why silent? Teasing, teasing man! I will think -no more about him.” - -Her resolution was for a short time involuntarily kept by the approach -of her sister, who joined her with a cheerful look which showed her -better satisfied with their visitors than Elizabeth. - -“Now,” said she, “that this first meeting is over, I feel perfectly -easy. I know my own strength, and I shall never be embarrassed again by -his coming. I am glad he dines here on Tuesday. It will then be publicly -seen, that on both sides we meet only as common and indifferent -acquaintance.” - -“Yes, very indifferent, indeed,” said Elizabeth, laughingly. “Oh, Jane! -take care.” - -“My dear Lizzy, you cannot think me so weak as to be in danger now.” - -“I think you are in very great danger of making him as much in love with -you as ever.” - -They did not see the gentlemen again till Tuesday; and Mrs. Bennet, in -the meanwhile, was giving way to all the happy schemes which the -good-humour and common politeness of Bingley, in half an hour’s visit, -had revived. - -On Tuesday there was a large party assembled at Longbourn; and the two -who were most anxiously expected, to the credit of their punctuality as -sportsmen, were in very good time. When they repaired to the -dining-room, Elizabeth eagerly watched to see whether Bingley would take -the place which, in all their former parties, had belonged to him, by -her sister. Her prudent mother, occupied by the same ideas, forbore to -invite him to sit by herself. On entering the room, he seemed to -hesitate; but Jane happened to look round, and happened to smile: it was -decided. He placed himself by her. - -Elizabeth, with a triumphant sensation, looked towards his friend. He -bore it with noble indifference; and she would have imagined that -Bingley had received his sanction to be happy, had she not seen his eyes -likewise turned towards Mr. Darcy, with an expression of half-laughing -alarm. - -His behaviour to her sister was such during dinnertime as showed an -admiration of her, which, though more guarded than formerly, persuaded -Elizabeth, that, if left wholly to himself, Jane’s happiness, and his -own, would be speedily secured. Though she dared not depend upon the -consequence, she yet received pleasure from observing his behaviour. It -gave her all the animation that her spirits could boast; for she was in -no cheerful humour. Mr. Darcy was almost as far from her as the table -could divide them. He was on one side of her mother. She knew how little -such a situation would give pleasure to either, or make either appear to -advantage. She was not near enough to hear any of their discourse; but -she could see how seldom they spoke to each other, and how formal and -cold was their manner whenever they did. Her mother’s ungraciousness -made the sense of what they owed him more painful to Elizabeth’s mind; -and she would, at times, have given anything to be privileged to tell -him, that his kindness was neither unknown nor unfelt by the whole of -the family. - -She was in hopes that the evening would afford some opportunity of -bringing them together; that the whole of the visit would not pass away -without enabling them to enter into something more of conversation, -than the mere ceremonious salutation attending his entrance. Anxious and -uneasy, the period which passed in the drawing-room before the gentlemen -came, was wearisome and dull to a degree that almost made her uncivil. -She looked forward to their entrance as the point on which all her -chance of pleasure for the evening must depend. - -“If he does not come to me, _then_,” said she, “I shall give him up for -ever.” - -The gentlemen came; and she thought he looked as if he would have -answered her hopes; but, alas! the ladies had crowded round the table, -where Miss Bennet was making tea, and Elizabeth pouring out the coffee, -in so close a confederacy, that there was not a single vacancy near her -which would admit of a chair. And on the gentlemen’s approaching, one of -the girls moved closer to her than ever, and said, in a whisper,-- - -“The men shan’t come and part us, I am determined. We want none of them; -do we?” - -Darcy had walked away to another part of the room. She followed him with -her eyes, envied everyone to whom he spoke, had scarcely patience enough -to help anybody to coffee, and then was enraged against herself for -being so silly! - -“A man who has once been refused! How could I ever be foolish enough to -expect a renewal of his love? Is there one among the sex who would not -protest against such a weakness as a second proposal to the same woman? -There is no indignity so abhorrent to their feelings.” - -She was a little revived, however, by his bringing back his coffee-cup -himself; and she seized the opportunity of saying,-- - -“Is your sister at Pemberley still?” - -“Yes; she will remain there till Christmas.” - -“And quite alone? Have all her friends left her?” - -“Mrs. Annesley is with her. The others have been gone on to Scarborough -these three weeks.” - -She could think of nothing more to say; but if he wished to converse -with her, he might have better success. He stood by her, however, for -some minutes, in silence; and, at last, on the young lady’s whispering -to Elizabeth again, he walked away. - -When the tea things were removed, and the card tables placed, the ladies -all rose; and Elizabeth was then hoping to be soon joined by him, when -all her views were overthrown, by seeing him fall a victim to her -mother’s rapacity for whist players, and in a few moments after seated -with the rest of the party. She now lost every expectation of pleasure. -They were confined for the evening at different tables; and she had -nothing to hope, but that his eyes were so often turned towards her side -of the room, as to make him play as unsuccessfully as herself. - -Mrs. Bennet had designed to keep the two Netherfield gentlemen to -supper; but their carriage was, unluckily, ordered before any of the -others, and she had no opportunity of detaining them. - -“Well, girls,” said she, as soon as they were left to themselves, “what -say you to the day? I think everything has passed off uncommonly well, I -assure you. The dinner was as well dressed as any I ever saw. The -venison was roasted to a turn--and everybody said, they never saw so fat -a haunch. The soup was fifty times better than what we had at the -Lucases’ last week; and even Mr. Darcy acknowledged that the partridges -were remarkably well done; and I suppose he has two or three French -cooks at least. And, my dear Jane, I never saw you look in greater -beauty. Mrs. Long said so too, for I asked her whether you did not. And -what do you think she said besides? ‘Ah! Mrs. Bennet, we shall have her -at Netherfield at last!’ She did, indeed. I do think Mrs. Long is as -good a creature as ever lived--and her nieces are very pretty behaved -girls, and not at all handsome: I like them prodigiously.” - -[Illustration: - - “M^{rs}. Long and her nieces.” -] - -Mrs. Bennet, in short, was in very great spirits: she had seen enough of -Bingley’s behaviour to Jane to be convinced that she would get him at -last; and her expectations of advantage to her family, when in a happy -humour, were so far beyond reason, that she was quite disappointed at -not seeing him there again the next day, to make his proposals. - -“It has been a very agreeable day,” said Miss Bennet to Elizabeth. “The -party seemed so well selected, so suitable one with the other. I hope we -may often meet again.” - -Elizabeth smiled. - -“Lizzy, you must not do so. You must not suspect me. It mortifies me. I -assure you that I have now learnt to enjoy his conversation as an -agreeable and sensible young man without having a wish beyond it. I am -perfectly satisfied, from what his manners now are, that he never had -any design of engaging my affection. It is only that he is blessed with -greater sweetness of address, and a stronger desire of generally -pleasing, than any other man.” - -“You are very cruel,” said her sister, “you will not let me smile, and -are provoking me to it every moment.” - -“How hard it is in some cases to be believed! And how impossible in -others! But why should you wish to persuade me that I feel more than I -acknowledge?” - -“That is a question which I hardly know how to answer. We all love to -instruct, though we can teach only what is not worth knowing. Forgive -me; and if you persist in indifference, do not make _me_ your -confidante.” - - - - -[Illustration: - - “Lizzy, my dear, I want to speak to you.” -] - - - - -CHAPTER LV. - - -[Illustration] - -A few days after this visit, Mr. Bingley called again, and alone. His -friend had left him that morning for London, but was to return home in -ten days’ time. He sat with them above an hour, and was in remarkably -good spirits. Mrs. Bennet invited him to dine with them; but, with many -expressions of concern, he confessed himself engaged elsewhere. - -“Next time you call,” said she, “I hope we shall be more lucky.” - -He should be particularly happy at any time, etc., etc.; and if she -would give him leave, would take an early opportunity of waiting on -them. - -“Can you come to-morrow?” - -Yes, he had no engagement at all for to-morrow; and her invitation was -accepted with alacrity. - -He came, and in such very good time, that the ladies were none of them -dressed. In ran Mrs. Bennet to her daughters’ room, in her -dressing-gown, and with her hair half finished, crying out,-- - -“My dear Jane, make haste and hurry down. He is come--Mr. Bingley is -come. He is, indeed. Make haste, make haste. Here, Sarah, come to Miss -Bennet this moment, and help her on with her gown. Never mind Miss -Lizzy’s hair.” - -“We will be down as soon as we can,” said Jane; “but I dare say Kitty is -forwarder than either of us, for she went upstairs half an hour ago.” - -“Oh! hang Kitty! what has she to do with it? Come, be quick, be quick! -where is your sash, my dear?” - -But when her mother was gone, Jane would not be prevailed on to go down -without one of her sisters. - -The same anxiety to get them by themselves was visible again in the -evening. After tea, Mr. Bennet retired to the library, as was his -custom, and Mary went upstairs to her instrument. Two obstacles of the -five being thus removed, Mrs. Bennet sat looking and winking at -Elizabeth and Catherine for a considerable time, without making any -impression on them. Elizabeth would not observe her; and when at last -Kitty did, she very innocently said, “What is the matter, mamma? What do -you keep winking at me for? What am I to do?” - -“Nothing, child, nothing. I did not wink at you.” She then sat still -five minutes longer; but unable to waste such a precious occasion, she -suddenly got up, and saying to Kitty,-- - -“Come here, my love, I want to speak to you,” took her out of the room. -Jane instantly gave a look at Elizabeth which spoke her distress at such -premeditation, and her entreaty that _she_ would not give in to it. In a -few minutes, Mrs. Bennet half opened the door and called out,-- - -“Lizzy, my dear, I want to speak with you.” - -Elizabeth was forced to go. - -“We may as well leave them by themselves, you know,” said her mother as -soon as she was in the hall. “Kitty and I are going upstairs to sit in -my dressing-room.” - -Elizabeth made no attempt to reason with her mother, but remained -quietly in the hall till she and Kitty were out of sight, then returned -into the drawing-room. - -Mrs. Bennet’s schemes for this day were ineffectual. Bingley was -everything that was charming, except the professed lover of her -daughter. His ease and cheerfulness rendered him a most agreeable -addition to their evening party; and he bore with the ill-judged -officiousness of the mother, and heard all her silly remarks with a -forbearance and command of countenance particularly grateful to the -daughter. - -He scarcely needed an invitation to stay supper; and before he went away -an engagement was formed, chiefly through his own and Mrs. Bennet’s -means, for his coming next morning to shoot with her husband. - -After this day, Jane said no more of her indifference. Not a word passed -between the sisters concerning Bingley; but Elizabeth went to bed in the -happy belief that all must speedily be concluded, unless Mr. Darcy -returned within the stated time. Seriously, however, she felt tolerably -persuaded that all this must have taken place with that gentleman’s -concurrence. - -Bingley was punctual to his appointment; and he and Mr. Bennet spent the -morning together, as had been agreed on. The latter was much more -agreeable than his companion expected. There was nothing of presumption -or folly in Bingley that could provoke his ridicule, or disgust him into -silence; and he was more communicative, and less eccentric, than the -other had ever seen him. Bingley of course returned with him to dinner; -and in the evening Mrs. Bennet’s invention was again at work to get -everybody away from him and her daughter. Elizabeth, who had a letter to -write, went into the breakfast-room for that purpose soon after tea; for -as the others were all going to sit down to cards, she could not be -wanted to counteract her mother’s schemes. - -But on her returning to the drawing-room, when her letter was finished, -she saw, to her infinite surprise, there was reason to fear that her -mother had been too ingenious for her. On opening the door, she -perceived her sister and Bingley standing together over the hearth, as -if engaged in earnest conversation; and had this led to no suspicion, -the faces of both, as they hastily turned round and moved away from each -other, would have told it all. _Their_ situation was awkward enough; but -_hers_ she thought was still worse. Not a syllable was uttered by -either; and Elizabeth was on the point of going away again, when -Bingley, who as well as the other had sat down, suddenly rose, and, -whispering a few words to her sister, ran out of the room. - -Jane could have no reserves from Elizabeth, where confidence would give -pleasure; and, instantly embracing her, acknowledged, with the liveliest -emotion, that she was the happiest creature in the world. - -“’Tis too much!” she added, “by far too much. I do not deserve it. Oh, -why is not everybody as happy?” - -Elizabeth’s congratulations were given with a sincerity, a warmth, a -delight, which words could but poorly express. Every sentence of -kindness was a fresh source of happiness to Jane. But she would not -allow herself to stay with her sister, or say half that remained to be -said, for the present. - -“I must go instantly to my mother,” she cried. “I would not on any -account trifle with her affectionate solicitude, or allow her to hear it -from anyone but myself. He is gone to my father already. Oh, Lizzy, to -know that what I have to relate will give such pleasure to all my dear -family! how shall I bear so much happiness?” - -She then hastened away to her mother, who had purposely broken up the -card-party, and was sitting upstairs with Kitty. - -Elizabeth, who was left by herself, now smiled at the rapidity and ease -with which an affair was finally settled, that had given them so many -previous months of suspense and vexation. - -“And this,” said she, “is the end of all his friend’s anxious -circumspection! of all his sister’s falsehood and contrivance! the -happiest, wisest, and most reasonable end!” - -In a few minutes she was joined by Bingley, whose conference with her -father had been short and to the purpose. - -“Where is your sister?” said he hastily, as he opened the door. - -“With my mother upstairs. She will be down in a moment, I dare say.” - -He then shut the door, and, coming up to her, claimed the good wishes -and affection of a sister. Elizabeth honestly and heartily expressed her -delight in the prospect of their relationship. They shook hands with -great cordiality; and then, till her sister came down, she had to listen -to all he had to say of his own happiness, and of Jane’s perfections; -and in spite of his being a lover, Elizabeth really believed all his -expectations of felicity to be rationally founded, because they had for -basis the excellent understanding and super-excellent disposition of -Jane, and a general similarity of feeling and taste between her and -himself. - -It was an evening of no common delight to them all; the satisfaction of -Miss Bennet’s mind gave such a glow of sweet animation to her face, as -made her look handsomer than ever. Kitty simpered and smiled, and hoped -her turn was coming soon. Mrs. Bennet could not give her consent, or -speak her approbation in terms warm enough to satisfy her feelings, -though she talked to Bingley of nothing else, for half an hour; and when -Mr. Bennet joined them at supper, his voice and manner plainly showed -how really happy he was. - -Not a word, however, passed his lips in allusion to it, till their -visitor took his leave for the night; but as soon as he was gone, he -turned to his daughter and said,-- - -“Jane, I congratulate you. You will be a very happy woman.” - -Jane went to him instantly, kissed him, and thanked him for his -goodness. - -“You are a good girl,” he replied, “and I have great pleasure in -thinking you will be so happily settled. I have not a doubt of your -doing very well together. Your tempers are by no means unlike. You are -each of you so complying, that nothing will ever be resolved on; so -easy, that every servant will cheat you; and so generous, that you will -always exceed your income.” - -“I hope not so. Imprudence or thoughtlessness in money matters would be -unpardonable in _me_.” - -“Exceed their income! My dear Mr. Bennet,” cried his wife, “what are you -talking of? Why, he has four or five thousand a year, and very likely -more.” Then addressing her daughter, “Oh, my dear, dear Jane, I am so -happy! I am sure I shan’t get a wink of sleep all night. I knew how it -would be. I always said it must be so, at last. I was sure you could not -be so beautiful for nothing! I remember, as soon as ever I saw him, when -he first came into Hertfordshire last year, I thought how likely it was -that you should come together. Oh, he is the handsomest young man that -ever was seen!” - -Wickham, Lydia, were all forgotten. Jane was beyond competition her -favourite child. At that moment she cared for no other. Her younger -sisters soon began to make interest with her for objects of happiness -which she might in future be able to dispense. - -Mary petitioned for the use of the library at Netherfield; and Kitty -begged very hard for a few balls there every winter. - -Bingley, from this time, was of course a daily visitor at Longbourn; -coming frequently before breakfast, and always remaining till after -supper; unless when some barbarous neighbour, who could not be enough -detested, had given him an invitation to dinner, which he thought -himself obliged to accept. - -Elizabeth had now but little time for conversation with her sister; for -while he was present Jane had no attention to bestow on anyone else: but -she found herself considerably useful to both of them, in those hours of -separation that must sometimes occur. In the absence of Jane, he always -attached himself to Elizabeth for the pleasure of talking of her; and -when Bingley was gone, Jane constantly sought the same means of relief. - -“He has made me so happy,” said she, one evening, “by telling me that he -was totally ignorant of my being in town last spring! I had not believed -it possible.” - -“I suspected as much,” replied Elizabeth. “But how did he account for -it?” - -“It must have been his sisters’ doing. They were certainly no friends to -his acquaintance with me, which I cannot wonder at, since he might have -chosen so much more advantageously in many respects. But when they see, -as I trust they will, that their brother is happy with me, they will -learn to be contented, and we shall be on good terms again: though we -can never be what we once were to each other.” - -“That is the most unforgiving speech,” said Elizabeth, “that I ever -heard you utter. Good girl! It would vex me, indeed, to see you again -the dupe of Miss Bingley’s pretended regard.” - -“Would you believe it, Lizzy, that when he went to town last November he -really loved me, and nothing but a persuasion of _my_ being indifferent -would have prevented his coming down again?” - -“He made a little mistake, to be sure; but it is to the credit of his -modesty.” - -This naturally introduced a panegyric from Jane on his diffidence, and -the little value he put on his own good qualities. - -Elizabeth was pleased to find that he had not betrayed the interference -of his friend; for, though Jane had the most generous and forgiving -heart in the world, she knew it was a circumstance which must prejudice -her against him. - -“I am certainly the most fortunate creature that ever existed!” cried -Jane. “Oh, Lizzy, why am I thus singled from my family, and blessed -above them all? If I could but see you as happy! If there were but such -another man for you!” - -“If you were to give me forty such men I never could be so happy as you. -Till I have your disposition, your goodness, I never can have your -happiness. No, no, let me shift for myself; and, perhaps, if I have very -good luck, I may meet with another Mr. Collins in time.” - -The situation of affairs in the Longbourn family could not be long a -secret. Mrs. Bennet was privileged to whisper it to Mrs. Philips, and -she ventured, without any permission, to do the same by all her -neighbours in Meryton. - -The Bennets were speedily pronounced to be the luckiest family in the -world; though only a few weeks before, when Lydia had first run away, -they had been generally proved to be marked out for misfortune. - - - - -[Illustration] - - - - -CHAPTER LVI. - - -[Illustration] - -One morning, about a week after Bingley’s engagement with Jane had been -formed, as he and the females of the family were sitting together in the -dining-room, their attention was suddenly drawn to the window by the -sound of a carriage; and they perceived a chaise and four driving up the -lawn. It was too early in the morning for visitors; and besides, the -equipage did not answer to that of any of their neighbours. The horses -were post; and neither the carriage, nor the livery of the servant who -preceded it, were familiar to them. As it was certain, however, that -somebody was coming, Bingley instantly prevailed on Miss Bennet to avoid -the confinement of such an intrusion, and walk away with him into the -shrubbery. They both set off; and the conjectures of the remaining three -continued, though with little satisfaction, till the door was thrown -open, and their visitor entered. It was Lady Catherine de Bourgh. - -They were of course all intending to be surprised: but their -astonishment was beyond their expectation; and on the part of Mrs. -Bennet and Kitty, though she was perfectly unknown to them, even -inferior to what Elizabeth felt. - -She entered the room with an air more than usually ungracious, made no -other reply to Elizabeth’s salutation than a slight inclination of the -head, and sat down without saying a word. Elizabeth had mentioned her -name to her mother on her Ladyship’s entrance, though no request of -introduction had been made. - -Mrs. Bennet, all amazement, though flattered by having a guest of such -high importance, received her with the utmost politeness. After sitting -for a moment in silence, she said, very stiffly, to Elizabeth,-- - -“I hope you are well, Miss Bennet. That lady, I suppose, is your -mother?” - -Elizabeth replied very concisely that she was. - -“And _that_, I suppose, is one of your sisters?” - -“Yes, madam,” said Mrs. Bennet, delighted to speak to a Lady Catherine. -“She is my youngest girl but one. My youngest of all is lately married, -and my eldest is somewhere about the ground, walking with a young man, -who, I believe, will soon become a part of the family.” - -“You have a very small park here,” returned Lady Catherine, after a -short silence. - -“It is nothing in comparison of Rosings, my Lady, I dare say; but, I -assure you, it is much larger than Sir William Lucas’s.” - -“This must be a most inconvenient sitting-room for the evening in -summer: the windows are full west.” - -Mrs. Bennet assured her that they never sat there after dinner; and then -added,-- - -“May I take the liberty of asking your Ladyship whether you left Mr. and -Mrs. Collins well?” - -“Yes, very well. I saw them the night before last.” - -Elizabeth now expected that she would produce a letter for her from -Charlotte, as it seemed the only probable motive for her calling. But no -letter appeared, and she was completely puzzled. - -Mrs. Bennet, with great civility, begged her Ladyship to take some -refreshment: but Lady Catherine very resolutely, and not very politely, -declined eating anything; and then, rising up, said to Elizabeth,-- - -“Miss Bennet, there seemed to be a prettyish kind of a little wilderness -on one side of your lawn. I should be glad to take a turn in it, if you -will favour me with your company.” - -“Go, my dear,” cried her mother, “and show her Ladyship about the -different walks. I think she will be pleased with the hermitage.” - -Elizabeth obeyed; and, running into her own room for her parasol, -attended her noble guest downstairs. As they passed through the hall, -Lady Catherine opened the doors into the dining-parlour and -drawing-room, and pronouncing them, after a short survey, to be -decent-looking rooms, walked on. - -Her carriage remained at the door, and Elizabeth saw that her -waiting-woman was in it. They proceeded in silence along the gravel walk -that led to the copse; Elizabeth was determined to make no effort for -conversation with a woman who was now more than usually insolent and -disagreeable. - -[Illustration: - -“After a short survey” - -[_Copyright 1894 by George Allen._]] - -“How could I ever think her like her nephew?” said she, as she looked in -her face. - -As soon as they entered the copse, Lady Catherine began in the following -manner:-- - -“You can be at no loss, Miss Bennet, to understand the reason of my -journey hither. Your own heart, your own conscience, must tell you why I -come.” - -Elizabeth looked with unaffected astonishment. - -“Indeed, you are mistaken, madam; I have not been at all able to account -for the honour of seeing you here.” - -“Miss Bennet,” replied her Ladyship, in an angry tone, “you ought to -know that I am not to be trifled with. But however insincere _you_ may -choose to be, you shall not find _me_ so. My character has ever been -celebrated for its sincerity and frankness; and in a cause of such -moment as this, I shall certainly not depart from it. A report of a most -alarming nature reached me two days ago. I was told, that not only your -sister was on the point of being most advantageously married, but that -_you_--that Miss Elizabeth Bennet would, in all likelihood, be soon -afterwards united to my nephew--my own nephew, Mr. Darcy. Though I -_know_ it must be a scandalous falsehood, though I would not injure him -so much as to suppose the truth of it possible, I instantly resolved on -setting off for this place, that I might make my sentiments known to -you.” - -“If you believed it impossible to be true,” said Elizabeth, colouring -with astonishment and disdain, “I wonder you took the trouble of coming -so far. What could your Ladyship propose by it?” - -“At once to insist upon having such a report universally contradicted.” - -“Your coming to Longbourn, to see me and my family,” said Elizabeth -coolly, “will be rather a confirmation of it--if, indeed, such a report -is in existence.” - -“If! do you then pretend to be ignorant of it? Has it not been -industriously circulated by yourselves? Do you not know that such a -report is spread abroad?” - -“I never heard that it was.” - -“And can you likewise declare, that there is no _foundation_ for it?” - -“I do not pretend to possess equal frankness with your Ladyship. _You_ -may ask questions which _I_ shall not choose to answer.” - -“This is not to be borne. Miss Bennet, I insist on being satisfied. Has -he, has my nephew, made you an offer of marriage?” - -“Your Ladyship has declared it to be impossible.” - -“It ought to be so; it must be so, while he retains the use of his -reason. But _your_ arts and allurements may, in a moment of infatuation, -have made him forget what he owes to himself and to all his family. You -may have drawn him in.” - -“If I have, I shall be the last person to confess it.” - -“Miss Bennet, do you know who I am? I have not been accustomed to such -language as this. I am almost the nearest relation he has in the world, -and am entitled to know all his dearest concerns.” - -“But you are not entitled to know _mine_; nor will such behaviour as -this ever induce me to be explicit.” - -“Let me be rightly understood. This match, to which you have the -presumption to aspire, can never take place. No, never. Mr. Darcy is -engaged to _my daughter_. Now, what have you to say?” - -“Only this,--that if he is so, you can have no reason to suppose he will -make an offer to me.” - -Lady Catherine hesitated for a moment, and then replied,-- - -“The engagement between them is of a peculiar kind. From their infancy, -they have been intended for each other. It was the favourite wish of -_his_ mother, as well as of hers. While in their cradles we planned the -union; and now, at the moment when the wishes of both sisters would be -accomplished, is their marriage to be prevented by a young woman of -inferior birth, of no importance in the world, and wholly unallied to -the family? Do you pay no regard to the wishes of his friends--to his -tacit engagement with Miss de Bourgh? Are you lost to every feeling of -propriety and delicacy? Have you not heard me say, that from his -earliest hours he was destined for his cousin?” - -“Yes; and I had heard it before. But what is that to me? If there is no -other objection to my marrying your nephew, I shall certainly not be -kept from it by knowing that his mother and aunt wished him to marry -Miss de Bourgh. You both did as much as you could in planning the -marriage. Its completion depended on others. If Mr. Darcy is neither by -honour nor inclination confined to his cousin, why is not he to make -another choice? And if I am that choice, why may not I accept him?” - -“Because honour, decorum, prudence--nay, interest--forbid it. Yes, Miss -Bennet, interest; for do not expect to be noticed by his family or -friends, if you wilfully act against the inclinations of all. You will -be censured, slighted, and despised, by everyone connected with him. -Your alliance will be a disgrace; your name will never even be mentioned -by any of us.” - -“These are heavy misfortunes,” replied Elizabeth. “But the wife of Mr. -Darcy must have such extraordinary sources of happiness necessarily -attached to her situation, that she could, upon the whole, have no cause -to repine.” - -“Obstinate, headstrong girl! I am ashamed of you! Is this your gratitude -for my attentions to you last spring? Is nothing due to me on that -score? Let us sit down. You are to understand, Miss Bennet, that I came -here with the determined resolution of carrying my purpose; nor will I -be dissuaded from it. I have not been used to submit to any person’s -whims. I have not been in the habit of brooking disappointment.” - -“_That_ will make your Ladyship’s situation at present more pitiable; -but it will have no effect on _me_.” - -“I will not be interrupted! Hear me in silence. My daughter and my -nephew are formed for each other. They are descended, on the maternal -side, from the same noble line; and, on the father’s, from respectable, -honourable, and ancient, though untitled, families. Their fortune on -both sides is splendid. They are destined for each other by the voice of -every member of their respective houses; and what is to divide -them?--the upstart pretensions of a young woman without family, -connections, or fortune! Is this to be endured? But it must not, shall -not be! If you were sensible of your own good, you would not wish to -quit the sphere in which you have been brought up.” - -“In marrying your nephew, I should not consider myself as quitting that -sphere. He is a gentleman; I am a gentleman’s daughter; so far we are -equal.” - -“True. You _are_ a gentleman’s daughter. But what was your mother? Who -are your uncles and aunts? Do not imagine me ignorant of their -condition.” - -“Whatever my connections may be,” said Elizabeth, “if your nephew does -not object to them, they can be nothing to _you_.” - -“Tell me, once for all, are you engaged to him?” - -Though Elizabeth would not, for the mere purpose of obliging Lady -Catherine, have answered this question, she could not but say, after a -moment’s deliberation,-- - -“I am not.” - -Lady Catherine seemed pleased. - -“And will you promise me never to enter into such an engagement?” - -“I will make no promise of the kind.” - -“Miss Bennet, I am shocked and astonished. I expected to find a more -reasonable young woman. But do not deceive yourself into a belief that I -will ever recede. I shall not go away till you have given me the -assurance I require.” - -“And I certainly _never_ shall give it. I am not to be intimidated into -anything so wholly unreasonable. Your Ladyship wants Mr. Darcy to marry -your daughter; but would my giving you the wished-for promise make -_their_ marriage at all more probable? Supposing him to be attached to -me, would _my_ refusing to accept his hand make him wish to bestow it on -his cousin? Allow me to say, Lady Catherine, that the arguments with -which you have supported this extraordinary application have been as -frivolous as the application was ill-judged. You have widely mistaken my -character, if you think I can be worked on by such persuasions as these. -How far your nephew might approve of your interference in _his_ affairs, -I cannot tell; but you have certainly no right to concern yourself in -mine. I must beg, therefore, to be importuned no further on the -subject.” - -“Not so hasty, if you please. I have by no means done. To all the -objections I have already urged I have still another to add. I am no -stranger to the particulars of your youngest sister’s infamous -elopement. I know it all; that the young man’s marrying her was a -patched-up business, at the expense of your father and uncle. And is -_such_ a girl to be my nephew’s sister? Is _her_ husband, who is the son -of his late father’s steward, to be his brother? Heaven and earth!--of -what are you thinking? Are the shades of Pemberley to be thus polluted?” - -“You can _now_ have nothing further to say,” she resentfully answered. -“You have insulted me, in every possible method. I must beg to return to -the house.” - -And she rose as she spoke. Lady Catherine rose also, and they turned -back. Her Ladyship was highly incensed. - -“You have no regard, then, for the honour and credit of my nephew! -Unfeeling, selfish girl! Do you not consider that a connection with you -must disgrace him in the eyes of everybody?” - -“Lady Catherine, I have nothing further to say. You know my sentiments.” - -“You are then resolved to have him?” - -“I have said no such thing. I am only resolved to act in that manner, -which will, in my own opinion, constitute my happiness, without -reference to _you_, or to any person so wholly unconnected with me.” - -“It is well. You refuse, then, to oblige me. You refuse to obey the -claims of duty, honour, and gratitude. You are determined to ruin him in -the opinion of all his friends, and make him the contempt of the world.” - -“Neither duty, nor honour, nor gratitude,” replied Elizabeth, “has any -possible claim on me, in the present instance. No principle of either -would be violated by my marriage with Mr. Darcy. And with regard to the -resentment of his family, or the indignation of the world, if the former -_were_ excited by his marrying me, it would not give me one moment’s -concern--and the world in general would have too much sense to join in -the scorn.” - -“And this is your real opinion! This is your final resolve! Very well. I -shall now know how to act. Do not imagine, Miss Bennet, that your -ambition will ever be gratified. I came to try you. I hoped to find you -reasonable; but depend upon it I will carry my point.” - -In this manner Lady Catherine talked on till they were at the door of -the carriage, when, turning hastily round, she added,-- - -“I take no leave of you, Miss Bennet. I send no compliments to your -mother. You deserve no such attention. I am most seriously displeased.” - -Elizabeth made no answer; and without attempting to persuade her -Ladyship to return into the house, walked quietly into it herself. She -heard the carriage drive away as she proceeded upstairs. Her mother -impatiently met her at the door of her dressing-room, to ask why Lady -Catherine would not come in again and rest herself. - -“She did not choose it,” said her daughter; “she would go.” - -“She is a very fine-looking woman! and her calling here was prodigiously -civil! for she only came, I suppose, to tell us the Collinses were well. -She is on her road somewhere, I dare say; and so, passing through -Meryton, thought she might as well call on you. I suppose she had -nothing particular to say to you, Lizzy?” - -Elizabeth was forced to give in to a little falsehood here; for to -acknowledge the substance of their conversation was impossible. - - - - -[Illustration: - - “But now it comes out” -] - - - - -CHAPTER LVII. - - -[Illustration] - -The discomposure of spirits which this extraordinary visit threw -Elizabeth into could not be easily overcome; nor could she for many -hours learn to think of it less than incessantly. Lady Catherine, it -appeared, had actually taken the trouble of this journey from Rosings -for the sole purpose of breaking off her supposed engagement with Mr. -Darcy. It was a rational scheme, to be sure! but from what the report of -their engagement could originate, Elizabeth was at a loss to imagine; -till she recollected that _his_ being the intimate friend of Bingley, -and _her_ being the sister of Jane, was enough, at a time when the -expectation of one wedding made everybody eager for another, to supply -the idea. She had not herself forgotten to feel that the marriage of her -sister must bring them more frequently together. And her neighbours at -Lucas Lodge, therefore, (for through their communication with the -Collinses, the report, she concluded, had reached Lady Catherine,) had -only set _that_ down as almost certain and immediate which _she_ had -looked forward to as possible at some future time. - -In revolving Lady Catherine’s expressions, however, she could not help -feeling some uneasiness as to the possible consequence of her persisting -in this interference. From what she had said of her resolution to -prevent the marriage, it occurred to Elizabeth that she must meditate an -application to her nephew; and how he might take a similar -representation of the evils attached to a connection with her she dared -not pronounce. She knew not the exact degree of his affection for his -aunt, or his dependence on her judgment, but it was natural to suppose -that he thought much higher of her Ladyship than _she_ could do; and it -was certain, that in enumerating the miseries of a marriage with _one_ -whose immediate connections were so unequal to his own, his aunt would -address him on his weakest side. With his notions of dignity, he would -probably feel that the arguments, which to Elizabeth had appeared weak -and ridiculous, contained much good sense and solid reasoning. - -If he had been wavering before, as to what he should do, which had often -seemed likely, the advice and entreaty of so near a relation might -settle every doubt, and determine him at once to be as happy as dignity -unblemished could make him. In that case he would return no more. Lady -Catherine might see him in her way through town; and his engagement to -Bingley of coming again to Netherfield must give way. - -“If, therefore, an excuse for not keeping his promise should come to his -friend within a few days,” she added, “I shall know how to understand -it. I shall then give over every expectation, every wish of his -constancy. If he is satisfied with only regretting me, when he might -have obtained my affections and hand, I shall soon cease to regret him -at all.” - -The surprise of the rest of the family, on hearing who their visitor had -been, was very great: but they obligingly satisfied it with the same -kind of supposition which had appeased Mrs. Bennet’s curiosity; and -Elizabeth was spared from much teasing on the subject. - -The next morning, as she was going down stairs, she was met by her -father, who came out of his library with a letter in his hand. - -“Lizzy,” said he, “I was going to look for you: come into my room.” - -She followed him thither; and her curiosity to know what he had to tell -her was heightened by the supposition of its being in some manner -connected with the letter he held. It suddenly struck her that it might -be from Lady Catherine, and she anticipated with dismay all the -consequent explanations. - -She followed her father to the fireplace, and they both sat down. He -then said,-- - -“I have received a letter this morning that has astonished me -exceedingly. As it principally concerns yourself, you ought to know its -contents. I did not know before that I had _two_ daughters on the brink -of matrimony. Let me congratulate you on a very important conquest.” - -The colour now rushed into Elizabeth’s cheeks in the instantaneous -conviction of its being a letter from the nephew, instead of the aunt; -and she was undetermined whether most to be pleased that he explained -himself at all, or offended that his letter was not rather addressed to -herself, when her father continued,-- - -“You look conscious. Young ladies have great penetration in such matters -as these; but I think I may defy even _your_ sagacity to discover the -name of your admirer. This letter is from Mr. Collins.” - -“From Mr. Collins! and what can _he_ have to say?” - -“Something very much to the purpose, of course. He begins with -congratulations on the approaching nuptials of my eldest daughter, of -which, it seems, he has been told by some of the good-natured, gossiping -Lucases. I shall not sport with your impatience by reading what he says -on that point. What relates to yourself is as follows:--‘Having thus -offered you the sincere congratulations of Mrs. Collins and myself on -this happy event, let me now add a short hint on the subject of another, -of which we have been advertised by the same authority. Your daughter -Elizabeth, it is presumed, will not long bear the name of Bennet, after -her eldest sister has resigned it; and the chosen partner of her fate -may be reasonably looked up to as one of the most illustrious personages -in this land.’ Can you possibly guess, Lizzy, who is meant by this? -‘This young gentleman is blessed, in a peculiar way, with everything the -heart of mortal can most desire,--splendid property, noble kindred, and -extensive patronage. Yet, in spite of all these temptations, let me warn -my cousin Elizabeth, and yourself, of what evils you may incur by a -precipitate closure with this gentleman’s proposals, which, of course, -you will be inclined to take immediate advantage of.’ Have you any idea, -Lizzy, who this gentleman is? But now it comes out. ‘My motive for -cautioning you is as follows:--We have reason to imagine that his aunt, -Lady Catherine de Bourgh, does not look on the match with a friendly -eye.’ _Mr. Darcy_, you see, is the man! Now, Lizzy, I think I _have_ -surprised you. Could he, or the Lucases, have pitched on any man, within -the circle of our acquaintance, whose name would have given the lie more -effectually to what they related? Mr. Darcy, who never looks at any -woman but to see a blemish, and who probably never looked at _you_ in -his life! It is admirable!” - -Elizabeth tried to join in her father’s pleasantry, but could only force -one most reluctant smile. Never had his wit been directed in a manner so -little agreeable to her. - -“Are you not diverted?” - -“Oh, yes. Pray read on.” - -“‘After mentioning the likelihood of this marriage to her Ladyship last -night, she immediately, with her usual condescension, expressed what she -felt on the occasion; when it became apparent, that, on the score of -some family objections on the part of my cousin, she would never give -her consent to what she termed so disgraceful a match. I thought it my -duty to give the speediest intelligence of this to my cousin, that she -and her noble admirer may be aware of what they are about, and not run -hastily into a marriage which has not been properly sanctioned.’ Mr. -Collins, moreover, adds, ‘I am truly rejoiced that my cousin Lydia’s sad -business has been so well hushed up, and am only concerned that their -living together before the marriage took place should be so generally -known. I must not, however, neglect the duties of my station, or refrain -from declaring my amazement, at hearing that you received the young -couple into your house as soon as they were married. It was an -encouragement of vice; and had I been the rector of Longbourn, I should -very strenuously have opposed it. You ought certainly to forgive them as -a Christian, but never to admit them in your sight, or allow their -names to be mentioned in your hearing.’ _That_ is his notion of -Christian forgiveness! The rest of his letter is only about his dear -Charlotte’s situation, and his expectation of a young olive-branch. But, -Lizzy, you look as if you did not enjoy it. You are not going to be -_missish_, I hope, and pretend to be affronted at an idle report. For -what do we live, but to make sport for our neighbours, and laugh at them -in our turn?” - -“Oh,” cried Elizabeth, “I am exceedingly diverted. But it is so -strange!” - -“Yes, _that_ is what makes it amusing. Had they fixed on any other man -it would have been nothing; but _his_ perfect indifference and _your_ -pointed dislike make it so delightfully absurd! Much as I abominate -writing, I would not give up Mr. Collins’s correspondence for any -consideration. Nay, when I read a letter of his, I cannot help giving -him the preference even over Wickham, much as I value the impudence and -hypocrisy of my son-in-law. And pray, Lizzy, what said Lady Catherine -about this report? Did she call to refuse her consent?” - -To this question his daughter replied only with a laugh; and as it had -been asked without the least suspicion, she was not distressed by his -repeating it. Elizabeth had never been more at a loss to make her -feelings appear what they were not. It was necessary to laugh when she -would rather have cried. Her father had most cruelly mortified her by -what he said of Mr. Darcy’s indifference; and she could do nothing but -wonder at such a want of penetration, or fear that, perhaps, instead of -his seeing too _little_, she might have fancied too _much_. - - - - -[Illustration: - -“The efforts of his aunt” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER LVIII. - - -[Illustration] - -Instead of receiving any such letter of excuse from his friend, as -Elizabeth half expected Mr. Bingley to do, he was able to bring Darcy -with him to Longbourn before many days had passed after Lady Catherine’s -visit. The gentlemen arrived early; and, before Mrs. Bennet had time to -tell him of their having seen his aunt, of which her daughter sat in -momentary dread, Bingley, who wanted to be alone with Jane, proposed -their all walking out. It was agreed to. Mrs. Bennet was not in the -habit of walking, Mary could never spare time, but the remaining five -set off together. Bingley and Jane, however, soon allowed the others to -outstrip them. They lagged behind, while Elizabeth, Kitty, and Darcy -were to entertain each other. Very little was said by either; Kitty was -too much afraid of him to talk; Elizabeth was secretly forming a -desperate resolution; and, perhaps, he might be doing the same. - -They walked towards the Lucases’, because Kitty wished to call upon -Maria; and as Elizabeth saw no occasion for making it a general concern, -when Kitty left them she went boldly on with him alone. Now was the -moment for her resolution to be executed; and while her courage was -high, she immediately said,-- - -“Mr. Darcy, I am a very selfish creature, and for the sake of giving -relief to my own feelings care not how much I may be wounding yours. I -can no longer help thanking you for your unexampled kindness to my poor -sister. Ever since I have known it I have been most anxious to -acknowledge to you how gratefully I feel it. Were it known to the rest -of my family I should not have merely my own gratitude to express.” - -“I am sorry, exceedingly sorry,” replied Darcy, in a tone of surprise -and emotion, “that you have ever been informed of what may, in a -mistaken light, have given you uneasiness. I did not think Mrs. Gardiner -was so little to be trusted.” - -“You must not blame my aunt. Lydia’s thoughtlessness first betrayed to -me that you had been concerned in the matter; and, of course, I could -not rest till I knew the particulars. Let me thank you again and again, -in the name of all my family, for that generous compassion which induced -you to take so much trouble, and bear so many mortifications, for the -sake of discovering them.” - -“If you _will_ thank me,” he replied, “let it be for yourself alone. -That the wish of giving happiness to you might add force to the other -inducements which led me on, I shall not attempt to deny. But your -_family_ owe me nothing. Much as I respect them, I believe I thought -only of _you_.” - -Elizabeth was too much embarrassed to say a word. After a short pause, -her companion added, “You are too generous to trifle with me. If your -feelings are still what they were last April, tell me so at once. _My_ -affections and wishes are unchanged; but one word from you will silence -me on this subject for ever.” - -Elizabeth, feeling all the more than common awkwardness and anxiety of -his situation, now forced herself to speak; and immediately, though not -very fluently, gave him to understand that her sentiments had undergone -so material a change since the period to which he alluded, as to make -her receive with gratitude and pleasure his present assurances. The -happiness which this reply produced was such as he had probably never -felt before; and he expressed himself on the occasion as sensibly and as -warmly as a man violently in love can be supposed to do. Had Elizabeth -been able to encounter his eyes, she might have seen how well the -expression of heartfelt delight diffused over his face became him: but -though she could not look she could listen; and he told her of feelings -which, in proving of what importance she was to him, made his affection -every moment more valuable. - -They walked on without knowing in what direction. There was too much to -be thought, and felt, and said, for attention to any other objects. She -soon learnt that they were indebted for their present good understanding -to the efforts of his aunt, who _did_ call on him in her return through -London, and there relate her journey to Longbourn, its motive, and the -substance of her conversation with Elizabeth; dwelling emphatically on -every expression of the latter, which, in her Ladyship’s apprehension, -peculiarly denoted her perverseness and assurance, in the belief that -such a relation must assist her endeavours to obtain that promise from -her nephew which _she_ had refused to give. But, unluckily for her -Ladyship, its effect had been exactly contrariwise. - -“It taught me to hope,” said he, “as I had scarcely ever allowed myself -to hope before. I knew enough of your disposition to be certain, that -had you been absolutely, irrevocably decided against me, you would have -acknowledged it to Lady Catherine frankly and openly.” - -Elizabeth coloured and laughed as she replied, “Yes, you know enough of -my _frankness_ to believe me capable of _that_. After abusing you so -abominably to your face, I could have no scruple in abusing you to all -your relations.” - -“What did you say of me that I did not deserve? For though your -accusations were ill-founded, formed on mistaken premises, my behaviour -to you at the time had merited the severest reproof. It was -unpardonable. I cannot think of it without abhorrence.” - -“We will not quarrel for the greater share of blame annexed to that -evening,” said Elizabeth. “The conduct of neither, if strictly -examined, will be irreproachable; but since then we have both, I hope, -improved in civility.” - -“I cannot be so easily reconciled to myself. The recollection of what I -then said, of my conduct, my manners, my expressions during the whole of -it, is now, and has been many months, inexpressibly painful to me. Your -reproof, so well applied, I shall never forget: ‘Had you behaved in a -more gentlemanlike manner.’ Those were your words. You know not, you can -scarcely conceive, how they have tortured me; though it was some time, I -confess, before I was reasonable enough to allow their justice.” - -“I was certainly very far from expecting them to make so strong an -impression. I had not the smallest idea of their being ever felt in such -a way.” - -“I can easily believe it. You thought me then devoid of every proper -feeling, I am sure you did. The turn of your countenance I shall never -forget, as you said that I could not have addressed you in any possible -way that would induce you to accept me.” - -“Oh, do not repeat what I then said. These recollections will not do at -all. I assure you that I have long been most heartily ashamed of it.” - -Darcy mentioned his letter. “Did it,” said he,--“did it _soon_ make you -think better of me? Did you, on reading it, give any credit to its -contents?” - -She explained what its effects on her had been, and how gradually all -her former prejudices had been removed. - -“I knew,” said he, “that what I wrote must give you pain, but it was -necessary. I hope you have destroyed the letter. There was one part, -especially the opening of it, which I should dread your having the power -of reading again. I can remember some expressions which might justly -make you hate me.” - -“The letter shall certainly be burnt, if you believe it essential to the -preservation of my regard; but, though we have both reason to think my -opinions not entirely unalterable, they are not, I hope, quite so easily -changed as that implies.” - -“When I wrote that letter,” replied Darcy, “I believed myself perfectly -calm and cool; but I am since convinced that it was written in a -dreadful bitterness of spirit.” - -“The letter, perhaps, began in bitterness, but it did not end so. The -adieu is charity itself. But think no more of the letter. The feelings -of the person who wrote and the person who received it are now so widely -different from what they were then, that every unpleasant circumstance -attending it ought to be forgotten. You must learn some of my -philosophy. Think only of the past as its remembrance gives you -pleasure.” - -“I cannot give you credit for any philosophy of the kind. _Your_ -retrospections must be so totally void of reproach, that the contentment -arising from them is not of philosophy, but, what is much better, of -ignorance. But with _me_, it is not so. Painful recollections will -intrude, which cannot, which ought not to be repelled. I have been a -selfish being all my life, in practice, though not in principle. As a -child I was taught what was _right_, but I was not taught to correct my -temper. I was given good principles, but left to follow them in pride -and conceit. Unfortunately an only son (for many years an only _child_), -I was spoiled by my parents, who, though good themselves, (my father -particularly, all that was benevolent and amiable,) allowed, encouraged, -almost taught me to be selfish and overbearing, to care for none beyond -my own family circle, to think meanly of all the rest of the world, to -_wish_ at least to think meanly of their sense and worth compared with -my own. Such I was, from eight to eight-and-twenty; and such I might -still have been but for you, dearest, loveliest Elizabeth! What do I not -owe you! You taught me a lesson, hard indeed at first, but most -advantageous. By you, I was properly humbled. I came to you without a -doubt of my reception. You showed me how insufficient were all my -pretensions to please a woman worthy of being pleased.” - -“Had you then persuaded yourself that I should?” - -“Indeed I had. What will you think of my vanity? I believed you to be -wishing, expecting my addresses.” - -“My manners must have been in fault, but not intentionally, I assure -you. I never meant to deceive you, but my spirits might often lead me -wrong. How you must have hated me after _that_ evening!” - -“Hate you! I was angry, perhaps, at first, but my anger soon began to -take a proper direction.” - -“I am almost afraid of asking what you thought of me when we met at -Pemberley. You blamed me for coming?” - -“No, indeed, I felt nothing but surprise.” - -“Your surprise could not be greater than _mine_ in being noticed by you. -My conscience told me that I deserved no extraordinary politeness, and I -confess that I did not expect to receive _more_ than my due.” - -“My object _then_,” replied Darcy, “was to show you, by every civility -in my power, that I was not so mean as to resent the past; and I hoped -to obtain your forgiveness, to lessen your ill opinion, by letting you -see that your reproofs had been attended to. How soon any other wishes -introduced themselves, I can hardly tell, but I believe in about half -an hour after I had seen you.” - -He then told her of Georgiana’s delight in her acquaintance, and of her -disappointment at its sudden interruption; which naturally leading to -the cause of that interruption, she soon learnt that his resolution of -following her from Derbyshire in quest of her sister had been formed -before he quitted the inn, and that his gravity and thoughtfulness there -had arisen from no other struggles than what such a purpose must -comprehend. - -She expressed her gratitude again, but it was too painful a subject to -each to be dwelt on farther. - -After walking several miles in a leisurely manner, and too busy to know -anything about it, they found at last, on examining their watches, that -it was time to be at home. - -“What could have become of Mr. Bingley and Jane?” was a wonder which -introduced the discussion of _their_ affairs. Darcy was delighted with -their engagement; his friend had given him the earliest information of -it. - -“I must ask whether you were surprised?” said Elizabeth. - -“Not at all. When I went away, I felt that it would soon happen.” - -“That is to say, you had given your permission. I guessed as much.” And -though he exclaimed at the term, she found that it had been pretty much -the case. - -“On the evening before my going to London,” said he, “I made a -confession to him, which I believe I ought to have made long ago. I told -him of all that had occurred to make my former interference in his -affairs absurd and impertinent. His surprise was great. He had never had -the slightest suspicion. I told him, moreover, that I believed myself -mistaken in supposing, as I had done, that your sister was indifferent -to him; and as I could easily perceive that his attachment to her was -unabated, I felt no doubt of their happiness together.” - -Elizabeth could not help smiling at his easy manner of directing his -friend. - -“Did you speak from your own observation,” said she, “when you told him -that my sister loved him, or merely from my information last spring?” - -“From the former. I had narrowly observed her, during the two visits -which I had lately made her here; and I was convinced of her affection.” - -“And your assurance of it, I suppose, carried immediate conviction to -him.” - -“It did. Bingley is most unaffectedly modest. His diffidence had -prevented his depending on his own judgment in so anxious a case, but -his reliance on mine made everything easy. I was obliged to confess one -thing, which for a time, and not unjustly, offended him. I could not -allow myself to conceal that your sister had been in town three months -last winter, that I had known it, and purposely kept it from him. He was -angry. But his anger, I am persuaded, lasted no longer than he remained -in any doubt of your sister’s sentiments. He has heartily forgiven me -now.” - -Elizabeth longed to observe that Mr. Bingley had been a most delightful -friend; so easily guided that his worth was invaluable; but she checked -herself. She remembered that he had yet to learn to be laughed at, and -it was rather too early to begin. In anticipating the happiness of -Bingley, which of course was to be inferior only to his own, he -continued the conversation till they reached the house. In the hall they -parted. - - - - -[Illustration: - - “Unable to utter a syllable” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER LIX. - - -[Illustration] - -“My dear Lizzy, where can you have been walking to?” was a question -which Elizabeth received from Jane as soon as she entered the room, and -from all the others when they sat down to table. She had only to say in -reply, that they had wandered about till she was beyond her own -knowledge. She coloured as she spoke; but neither that, nor anything -else, awakened a suspicion of the truth. - -The evening passed quietly, unmarked by anything extraordinary. The -acknowledged lovers talked and laughed; the unacknowledged were silent. -Darcy was not of a disposition in which happiness overflows in mirth; -and Elizabeth, agitated and confused, rather _knew_ that she was happy -than _felt_ herself to be so; for, besides the immediate embarrassment, -there were other evils before her. She anticipated what would be felt in -the family when her situation became known: she was aware that no one -liked him but Jane; and even feared that with the others it was a -_dislike_ which not all his fortune and consequence might do away. - -At night she opened her heart to Jane. Though suspicion was very far -from Miss Bennet’s general habits, she was absolutely incredulous here. - -“You are joking, Lizzy. This cannot be! Engaged to Mr. Darcy! No, no, -you shall not deceive me: I know it to be impossible.” - -“This is a wretched beginning, indeed! My sole dependence was on you; -and I am sure nobody else will believe me, if you do not. Yet, indeed, I -am in earnest. I speak nothing but the truth. He still loves me, and we -are engaged.” - -Jane looked at her doubtingly. “Oh, Lizzy! it cannot be. I know how much -you dislike him.” - -“You know nothing of the matter. _That_ is all to be forgot. Perhaps I -did not always love him so well as I do now; but in such cases as these -a good memory is unpardonable. This is the last time I shall ever -remember it myself.” - -Miss Bennet still looked all amazement. Elizabeth again, and more -seriously, assured her of its truth. - -“Good heaven! can it be really so? Yet now I must believe you,” cried -Jane. “My dear, dear Lizzy, I would, I do congratulate you; but are you -certain--forgive the question--are you quite certain that you can be -happy with him?” - -“There can be no doubt of that. It is settled between us already that we -are to be the happiest couple in the world. But are you pleased, Jane? -Shall you like to have such a brother?” - -“Very, very much. Nothing could give either Bingley or myself more -delight. But we considered it, we talked of it as impossible. And do you -really love him quite well enough? Oh, Lizzy! do anything rather than -marry without affection. Are you quite sure that you feel what you ought -to do?” - -“Oh, yes! You will only think I feel _more_ than I ought to do when I -tell you all.” - -“What do you mean?” - -“Why, I must confess that I love him better than I do Bingley. I am -afraid you will be angry.” - -“My dearest sister, now be, _be_ serious. I want to talk very seriously. -Let me know everything that I am to know without delay. Will you tell me -how long you have loved him?” - -“It has been coming on so gradually, that I hardly know when it began; -but I believe I must date it from my first seeing his beautiful grounds -at Pemberley.” - -Another entreaty that she would be serious, however, produced the -desired effect; and she soon satisfied Jane by her solemn assurances of -attachment. When convinced on that article, Miss Bennet had nothing -further to wish. - -“Now I am quite happy,” said she, “for you will be as happy as myself. I -always had a value for him. Were it for nothing but his love of you, I -must always have esteemed him; but now, as Bingley’s friend and your -husband, there can be only Bingley and yourself more dear to me. But, -Lizzy, you have been very sly, very reserved with me. How little did you -tell me of what passed at Pemberley and Lambton! I owe all that I know -of it to another, not to you.” - -Elizabeth told her the motives of her secrecy. She had been unwilling to -mention Bingley; and the unsettled state of her own feelings had made -her equally avoid the name of his friend: but now she would no longer -conceal from her his share in Lydia’s marriage. All was acknowledged, -and half the night spent in conversation. - -“Good gracious!” cried Mrs. Bennet, as she stood at a window the next -morning, “if that disagreeable Mr. Darcy is not coming here again with -our dear Bingley! What can he mean by being so tiresome as to be always -coming here? I had no notion but he would go a-shooting, or something or -other, and not disturb us with his company. What shall we do with him? -Lizzy, you must walk out with him again, that he may not be in Bingley’s -way.” - -Elizabeth could hardly help laughing at so convenient a proposal; yet -was really vexed that her mother should be always giving him such an -epithet. - -As soon as they entered, Bingley looked at her so expressively, and -shook hands with such warmth, as left no doubt of his good information; -and he soon afterwards said aloud, “Mrs. Bennet, have you no more lanes -hereabouts in which Lizzy may lose her way again to-day?” - -“I advise Mr. Darcy, and Lizzy, and Kitty,” said Mrs. Bennet, “to walk -to Oakham Mount this morning. It is a nice long walk, and Mr. Darcy has -never seen the view.” - -“It may do very well for the others,” replied Mr. Bingley; “but I am -sure it will be too much for Kitty. Won’t it, Kitty?” - -Kitty owned that she had rather stay at home. Darcy professed a great -curiosity to see the view from the Mount, and Elizabeth silently -consented. As she went upstairs to get ready, Mrs. Bennet followed her, -saying,-- - -“I am quite sorry, Lizzy, that you should be forced to have that -disagreeable man all to yourself; but I hope you will not mind it. It is -all for Jane’s sake, you know; and there is no occasion for talking to -him except just now and then; so do not put yourself to inconvenience.” - -During their walk, it was resolved that Mr. Bennet’s consent should be -asked in the course of the evening: Elizabeth reserved to herself the -application for her mother’s. She could not determine how her mother -would take it; sometimes doubting whether all his wealth and grandeur -would be enough to overcome her abhorrence of the man; but whether she -were violently set against the match, or violently delighted with it, it -was certain that her manner would be equally ill adapted to do credit to -her sense; and she could no more bear that Mr. Darcy should hear the -first raptures of her joy, than the first vehemence of her -disapprobation. - -In the evening, soon after Mr. Bennet withdrew to the library, she saw -Mr. Darcy rise also and follow him, and her agitation on seeing it was -extreme. She did not fear her father’s opposition, but he was going to -be made unhappy, and that it should be through her means; that _she_, -his favourite child, should be distressing him by her choice, should be -filling him with fears and regrets in disposing of her, was a wretched -reflection, and she sat in misery till Mr. Darcy appeared again, when, -looking at him, she was a little relieved by his smile. In a few minutes -he approached the table where she was sitting with Kitty; and, while -pretending to admire her work, said in a whisper, “Go to your father; he -wants you in the library.” She was gone directly. - -Her father was walking about the room, looking grave and anxious. -“Lizzy,” said he, “what are you doing? Are you out of your senses to be -accepting this man? Have not you always hated him?” - -How earnestly did she then wish that her former opinions had been more -reasonable, her expressions more moderate! It would have spared her from -explanations and professions which it was exceedingly awkward to give; -but they were now necessary, and she assured him, with some confusion, -of her attachment to Mr. Darcy. - -“Or, in other words, you are determined to have him. He is rich, to be -sure, and you may have more fine clothes and fine carriages than Jane. -But will they make you happy?” - -“Have you any other objection,” said Elizabeth, “than your belief of my -indifference?” - -“None at all. We all know him to be a proud, unpleasant sort of man; but -this would be nothing if you really liked him.” - -“I do, I do like him,” she replied, with tears in her eyes; “I love him. -Indeed he has no improper pride. He is perfectly amiable. You do not -know what he really is; then pray do not pain me by speaking of him in -such terms.” - -“Lizzy,” said her father, “I have given him my consent. He is the kind -of man, indeed, to whom I should never dare refuse anything, which he -condescended to ask. I now give it to _you_, if you are resolved on -having him. But let me advise you to think better of it. I know your -disposition, Lizzy. I know that you could be neither happy nor -respectable, unless you truly esteemed your husband, unless you looked -up to him as a superior. Your lively talents would place you in the -greatest danger in an unequal marriage. You could scarcely escape -discredit and misery. My child, let me not have the grief of seeing -_you_ unable to respect your partner in life. You know not what you are -about.” - -Elizabeth, still more affected, was earnest and solemn in her reply; -and, at length, by repeated assurances that Mr. Darcy was really the -object of her choice, by explaining the gradual change which her -estimation of him had undergone, relating her absolute certainty that -his affection was not the work of a day, but had stood the test of many -months’ suspense, and enumerating with energy all his good qualities, -she did conquer her father’s incredulity, and reconcile him to the -match. - -“Well, my dear,” said he, when she ceased speaking, “I have no more to -say. If this be the case, he deserves you. I could not have parted with -you, my Lizzy, to anyone less worthy.” - -To complete the favourable impression, she then told him what Mr. Darcy -had voluntarily done for Lydia. He heard her with astonishment. - -“This is an evening of wonders, indeed! And so, Darcy did everything; -made up the match, gave the money, paid the fellow’s debts, and got him -his commission! So much the better. It will save me a world of trouble -and economy. Had it been your uncle’s doing, I must and _would_ have -paid him; but these violent young lovers carry everything their own -way. I shall offer to pay him to-morrow, he will rant and storm about -his love for you, and there will be an end of the matter.” - -He then recollected her embarrassment a few days before on his reading -Mr. Collins’s letter; and after laughing at her some time, allowed her -at last to go, saying, as she quitted the room, “If any young men come -for Mary or Kitty, send them in, for I am quite at leisure.” - -Elizabeth’s mind was now relieved from a very heavy weight; and, after -half an hour’s quiet reflection in her own room, she was able to join -the others with tolerable composure. Everything was too recent for -gaiety, but the evening passed tranquilly away; there was no longer -anything material to be dreaded, and the comfort of ease and familiarity -would come in time. - -When her mother went up to her dressing-room at night, she followed her, -and made the important communication. Its effect was most extraordinary; -for, on first hearing it, Mrs. Bennet sat quite still, and unable to -utter a syllable. Nor was it under many, many minutes, that she could -comprehend what she heard, though not in general backward to credit what -was for the advantage of her family, or that came in the shape of a -lover to any of them. She began at length to recover, to fidget about in -her chair, get up, sit down again, wonder, and bless herself. - -“Good gracious! Lord bless me! only think! dear me! Mr. Darcy! Who would -have thought it? And is it really true? Oh, my sweetest Lizzy! how rich -and how great you will be! What pin-money, what jewels, what carriages -you will have! Jane’s is nothing to it--nothing at all. I am so -pleased--so happy. Such a charming man! so handsome! so tall! Oh, my -dear Lizzy! pray apologize for my having disliked him so much before. I -hope he will overlook it. Dear, dear Lizzy. A house in town! Everything -that is charming! Three daughters married! Ten thousand a year! Oh, -Lord! what will become of me? I shall go distracted.” - -This was enough to prove that her approbation need not be doubted; and -Elizabeth, rejoicing that such an effusion was heard only by herself, -soon went away. But before she had been three minutes in her own room, -her mother followed her. - -“My dearest child,” she cried, “I can think of nothing else. Ten -thousand a year, and very likely more! ’Tis as good as a lord! And a -special licence--you must and shall be married by a special licence. -But, my dearest love, tell me what dish Mr. Darcy is particularly fond -of, that I may have it to-morrow.” - -This was a sad omen of what her mother’s behaviour to the gentleman -himself might be; and Elizabeth found that, though in the certain -possession of his warmest affection, and secure of her relations’ -consent, there was still something to be wished for. But the morrow -passed off much better than she expected; for Mrs. Bennet luckily stood -in such awe of her intended son-in-law, that she ventured not to speak -to him, unless it was in her power to offer him any attention, or mark -her deference for his opinion. - -Elizabeth had the satisfaction of seeing her father taking pains to get -acquainted with him; and Mr. Bennet soon assured her that he was rising -every hour in his esteem. - -“I admire all my three sons-in-law highly,” said he. “Wickham, perhaps, -is my favourite; but I think I shall like _your_ husband quite as well -as Jane’s.” - - - - -[Illustration: - -“The obsequious civility.” - -[_Copyright 1894 by George Allen._]] - - - - -CHAPTER LX. - - -[Illustration] - -Elizabeth’s spirits soon rising to playfulness again, she wanted Mr. -Darcy to account for his having ever fallen in love with her. “How could -you begin?” said she. “I can comprehend your going on charmingly, when -you had once made a beginning; but what could set you off in the first -place?” - -“I cannot fix on the hour, or the spot, or the look, or the words, which -laid the foundation. It is too long ago. I was in the middle before I -knew that I _had_ begun.” - -“My beauty you had early withstood, and as for my manners--my behaviour -to _you_ was at least always bordering on the uncivil, and I never spoke -to you without rather wishing to give you pain than not. Now, be -sincere; did you admire me for my impertinence?” - -“For the liveliness of your mind I did.” - -“You may as well call it impertinence at once. It was very little less. -The fact is, that you were sick of civility, of deference, of officious -attention. You were disgusted with the women who were always speaking, -and looking, and thinking for _your_ approbation alone. I roused and -interested you, because I was so unlike _them_. Had you not been really -amiable you would have hated me for it: but in spite of the pains you -took to disguise yourself, your feelings were always noble and just; and -in your heart you thoroughly despised the persons who so assiduously -courted you. There--I have saved you the trouble of accounting for it; -and really, all things considered, I begin to think it perfectly -reasonable. To be sure you know no actual good of me--but nobody thinks -of _that_ when they fall in love.” - -“Was there no good in your affectionate behaviour to Jane, while she was -ill at Netherfield?” - -“Dearest Jane! who could have done less for her? But make a virtue of it -by all means. My good qualities are under your protection, and you are -to exaggerate them as much as possible; and, in return, it belongs to me -to find occasions for teasing and quarrelling with you as often as may -be; and I shall begin directly, by asking you what made you so unwilling -to come to the point at last? What made you so shy of me, when you -first called, and afterwards dined here? Why, especially, when you -called, did you look as if you did not care about me?” - -“Because you were grave and silent, and gave me no encouragement.” - -“But I was embarrassed.” - -“And so was I.” - -“You might have talked to me more when you came to dinner.” - -“A man who had felt less might.” - -“How unlucky that you should have a reasonable answer to give, and that -I should be so reasonable as to admit it! But I wonder how long you -_would_ have gone on, if you had been left to yourself. I wonder when -you _would_ have spoken if I had not asked you! My resolution of -thanking you for your kindness to Lydia had certainly great effect. _Too -much_, I am afraid; for what becomes of the moral, if our comfort -springs from a breach of promise, for I ought not to have mentioned the -subject? This will never do.” - -“You need not distress yourself. The moral will be perfectly fair. Lady -Catherine’s unjustifiable endeavours to separate us were the means of -removing all my doubts. I am not indebted for my present happiness to -your eager desire of expressing your gratitude. I was not in a humour to -wait for an opening of yours. My aunt’s intelligence had given me hope, -and I was determined at once to know everything.” - -“Lady Catherine has been of infinite use, which ought to make her happy, -for she loves to be of use. But tell me, what did you come down to -Netherfield for? Was it merely to ride to Longbourn and be embarrassed? -or had you intended any more serious consequences?” - -“My real purpose was to see _you_, and to judge, if I could, whether I -might ever hope to make you love me. My avowed one, or what I avowed to -myself, was to see whether your sister was still partial to Bingley, and -if she were, to make the confession to him which I have since made.” - -“Shall you ever have courage to announce to Lady Catherine what is to -befall her?” - -“I am more likely to want time than courage, Elizabeth. But it ought to -be done; and if you will give me a sheet of paper it shall be done -directly.” - -“And if I had not a letter to write myself, I might sit by you, and -admire the evenness of your writing, as another young lady once did. But -I have an aunt, too, who must not be longer neglected.” - -From an unwillingness to confess how much her intimacy with Mr. Darcy -had been overrated, Elizabeth had never yet answered Mrs. Gardiner’s -long letter; but now, having _that_ to communicate which she knew would -be most welcome, she was almost ashamed to find that her uncle and aunt -had already lost three days of happiness, and immediately wrote as -follows:-- - -“I would have thanked you before, my dear aunt, as I ought to have done, -for your long, kind, satisfactory detail of particulars; but, to say the -truth, I was too cross to write. You supposed more than really existed. -But _now_ suppose as much as you choose; give a loose to your fancy, -indulge your imagination in every possible flight which the subject will -afford, and unless you believe me actually married, you cannot greatly -err. You must write again very soon, and praise him a great deal more -than you did in your last. I thank you again and again, for not going to -the Lakes. How could I be so silly as to wish it! Your idea of the -ponies is delightful. We will go round the park every day. I am the -happiest creature in the world. Perhaps other people have said so -before, but no one with such justice. I am happier even than Jane; she -only smiles, I laugh. Mr. Darcy sends you all the love in the world that -can be spared from me. You are all to come to Pemberley at Christmas. -Yours,” etc. - -Mr. Darcy’s letter to Lady Catherine was in a different style, and still -different from either was what Mr. Bennet sent to Mr. Collins, in return -for his last. - - /* “Dear Sir, */ - - “I must trouble you once more for congratulations. Elizabeth will - soon be the wife of Mr. Darcy. Console Lady Catherine as well as - you can. But, if I were you, I would stand by the nephew. He has - more to give. - -“Yours sincerely,” etc. - -Miss Bingley’s congratulations to her brother on his approaching -marriage were all that was affectionate and insincere. She wrote even to -Jane on the occasion, to express her delight, and repeat all her former -professions of regard. Jane was not deceived, but she was affected; and -though feeling no reliance on her, could not help writing her a much -kinder answer than she knew was deserved. - -The joy which Miss Darcy expressed on receiving similar information was -as sincere as her brother’s in sending it. Four sides of paper were -insufficient to contain all her delight, and all her earnest desire of -being loved by her sister. - -Before any answer could arrive from Mr. Collins, or any congratulations -to Elizabeth from his wife, the Longbourn family heard that the -Collinses were come themselves to Lucas Lodge. The reason of this -sudden removal was soon evident. Lady Catherine had been rendered so -exceedingly angry by the contents of her nephew’s letter, that -Charlotte, really rejoicing in the match, was anxious to get away till -the storm was blown over. At such a moment, the arrival of her friend -was a sincere pleasure to Elizabeth, though in the course of their -meetings she must sometimes think the pleasure dearly bought, when she -saw Mr. Darcy exposed to all the parading and obsequious civility of her -husband. He bore it, however, with admirable calmness. He could even -listen to Sir William Lucas, when he complimented him on carrying away -the brightest jewel of the country, and expressed his hopes of their all -meeting frequently at St. James’s, with very decent composure. If he did -shrug his shoulders, it was not till Sir William was out of sight. - -Mrs. Philips’s vulgarity was another, and, perhaps, a greater tax on his -forbearance; and though Mrs. Philips, as well as her sister, stood in -too much awe of him to speak with the familiarity which Bingley’s -good-humour encouraged; yet, whenever she _did_ speak, she must be -vulgar. Nor was her respect for him, though it made her more quiet, at -all likely to make her more elegant. Elizabeth did all she could to -shield him from the frequent notice of either, and was ever anxious to -keep him to herself, and to those of her family with whom he might -converse without mortification; and though the uncomfortable feelings -arising from all this took from the season of courtship much of its -pleasure, it added to the hope of the future; and she looked forward -with delight to the time when they should be removed from society so -little pleasing to either, to all the comfort and elegance of their -family party at Pemberley. - - - - -[Illustration] - - - - -CHAPTER LXI. - - -[Illustration] - -Happy for all her maternal feelings was the day on which Mrs. Bennet got -rid of her two most deserving daughters. With what delighted pride she -afterwards visited Mrs. Bingley, and talked of Mrs. Darcy, may be -guessed. I wish I could say, for the sake of her family, that the -accomplishment of her earnest desire in the establishment of so many of -her children produced so happy an effect as to make her a sensible, -amiable, well-informed woman for the rest of her life; though, perhaps, -it was lucky for her husband, who might not have relished domestic -felicity in so unusual a form, that she still was occasionally nervous -and invariably silly. - -Mr. Bennet missed his second daughter exceedingly; his affection for her -drew him oftener from home than anything else could do. He delighted in -going to Pemberley, especially when he was least expected. - -Mr. Bingley and Jane remained at Netherfield only a twelvemonth. So near -a vicinity to her mother and Meryton relations was not desirable even to -_his_ easy temper, or _her_ affectionate heart. The darling wish of his -sisters was then gratified: he bought an estate in a neighbouring county -to Derbyshire; and Jane and Elizabeth, in addition to every other source -of happiness, were within thirty miles of each other. - -Kitty, to her very material advantage, spent the chief of her time with -her two elder sisters. In society so superior to what she had generally -known, her improvement was great. She was not of so ungovernable a -temper as Lydia; and, removed from the influence of Lydia’s example, she -became, by proper attention and management, less irritable, less -ignorant, and less insipid. From the further disadvantage of Lydia’s -society she was of course carefully kept; and though Mrs. Wickham -frequently invited her to come and stay with her, with the promise of -balls and young men, her father would never consent to her going. - -Mary was the only daughter who remained at home; and she was necessarily -drawn from the pursuit of accomplishments by Mrs. Bennet’s being quite -unable to sit alone. Mary was obliged to mix more with the world, but -she could still moralize over every morning visit; and as she was no -longer mortified by comparisons between her sisters’ beauty and her own, -it was suspected by her father that she submitted to the change without -much reluctance. - -As for Wickham and Lydia, their characters suffered no revolution from -the marriage of her sisters. He bore with philosophy the conviction that -Elizabeth must now become acquainted with whatever of his ingratitude -and falsehood had before been unknown to her; and, in spite of -everything, was not wholly without hope that Darcy might yet be -prevailed on to make his fortune. The congratulatory letter which -Elizabeth received from Lydia on her marriage explained to her that, by -his wife at least, if not by himself, such a hope was cherished. The -letter was to this effect:-- - - /* “My dear Lizzy, */ - - “I wish you joy. If you love Mr. Darcy half so well as I do my dear - Wickham, you must be very happy. It is a great comfort to have you - so rich; and when you have nothing else to do, I hope you will - think of us. I am sure Wickham would like a place at court very - much; and I do not think we shall have quite money enough to live - upon without some help. Any place would do of about three or four - hundred a year; but, however, do not speak to Mr. Darcy about it, - if you had rather not. - -“Yours,” etc. - -As it happened that Elizabeth had much rather not, she endeavoured in -her answer to put an end to every entreaty and expectation of the kind. -Such relief, however, as it was in her power to afford, by the practice -of what might be called economy in her own private expenses, she -frequently sent them. It had always been evident to her that such an -income as theirs, under the direction of two persons so extravagant in -their wants, and heedless of the future, must be very insufficient to -their support; and whenever they changed their quarters, either Jane or -herself were sure of being applied to for some little assistance towards -discharging their bills. Their manner of living, even when the -restoration of peace dismissed them to a home, was unsettled in the -extreme. They were always moving from place to place in quest of a -cheap situation, and always spending more than they ought. His affection -for her soon sunk into indifference: hers lasted a little longer; and, -in spite of her youth and her manners, she retained all the claims to -reputation which her marriage had given her. Though Darcy could never -receive _him_ at Pemberley, yet, for Elizabeth’s sake, he assisted him -further in his profession. Lydia was occasionally a visitor there, when -her husband was gone to enjoy himself in London or Bath; and with the -Bingleys they both of them frequently stayed so long, that even -Bingley’s good-humour was overcome, and he proceeded so far as to _talk_ -of giving them a hint to be gone. - -Miss Bingley was very deeply mortified by Darcy’s marriage; but as she -thought it advisable to retain the right of visiting at Pemberley, she -dropped all her resentment; was fonder than ever of Georgiana, almost as -attentive to Darcy as heretofore, and paid off every arrear of civility -to Elizabeth. - -Pemberley was now Georgiana’s home; and the attachment of the sisters -was exactly what Darcy had hoped to see. They were able to love each -other, even as well as they intended. Georgiana had the highest opinion -in the world of Elizabeth; though at first she often listened with an -astonishment bordering on alarm at her lively, sportive manner of -talking to her brother. He, who had always inspired in herself a respect -which almost overcame her affection, she now saw the object of open -pleasantry. Her mind received knowledge which had never before fallen in -her way. By Elizabeth’s instructions she began to comprehend that a -woman may take liberties with her husband, which a brother will not -always allow in a sister more than ten years younger than himself. - -Lady Catherine was extremely indignant on the marriage of her nephew; -and as she gave way to all the genuine frankness of her character, in -her reply to the letter which announced its arrangement, she sent him -language so very abusive, especially of Elizabeth, that for some time -all intercourse was at an end. But at length, by Elizabeth’s persuasion, -he was prevailed on to overlook the offence, and seek a reconciliation; -and, after a little further resistance on the part of his aunt, her -resentment gave way, either to her affection for him, or her curiosity -to see how his wife conducted herself; and she condescended to wait on -them at Pemberley, in spite of that pollution which its woods had -received, not merely from the presence of such a mistress, but the -visits of her uncle and aunt from the city. - -With the Gardiners they were always on the most intimate terms. Darcy, -as well as Elizabeth, really loved them; and they were both ever -sensible of the warmest gratitude towards the persons who, by bringing -her into Derbyshire, had been the means of uniting them. - - [Illustration: - - THE - END - ] - - - - - CHISWICK PRESS:--CHARLES WHITTINGHAM AND CO. - TOOKS COURT, CHANCERY LANE, LONDON. - - - - -*** END OF THE PROJECT GUTENBERG EBOOK PRIDE AND PREJUDICE *** - - - - -Updated editions will replace the previous one—the old editions will -be renamed. - -Creating the works from print editions not protected by U.S. copyright -law means that no one owns a United States copyright in these works, -so the Foundation (and you!) can copy and distribute it in the United -States without permission and without paying copyright -royalties. Special rules, set forth in the General Terms of Use part -of this license, apply to copying and distributing Project -Gutenberg™ electronic works to protect the PROJECT GUTENBERG™ -concept and trademark. Project Gutenberg is a registered trademark, -and may not be used if you charge for an eBook, except by following -the terms of the trademark license, including paying royalties for use -of the Project Gutenberg trademark. If you do not charge anything for -copies of this eBook, complying with the trademark license is very -easy. You may use this eBook for nearly any purpose such as creation -of derivative works, reports, performances and research. Project -Gutenberg eBooks may be modified and printed and given away—you may -do practically ANYTHING in the United States with eBooks not protected -by U.S. copyright law. Redistribution is subject to the trademark -license, especially commercial redistribution. - - -START: FULL LICENSE - -THE FULL PROJECT GUTENBERG LICENSE - -PLEASE READ THIS BEFORE YOU DISTRIBUTE OR USE THIS WORK - -To protect the Project Gutenberg™ mission of promoting the free -distribution of electronic works, by using or distributing this work -(or any other work associated in any way with the phrase “Project -Gutenberg”), you agree to comply with all the terms of the Full -Project Gutenberg™ License available with this file or online at -www.gutenberg.org/license. - -Section 1. General Terms of Use and Redistributing Project Gutenberg™ -electronic works - -1.A. By reading or using any part of this Project Gutenberg™ -electronic work, you indicate that you have read, understand, agree to -and accept all the terms of this license and intellectual property -(trademark/copyright) agreement. If you do not agree to abide by all -the terms of this agreement, you must cease using and return or -destroy all copies of Project Gutenberg™ electronic works in your -possession. If you paid a fee for obtaining a copy of or access to a -Project Gutenberg™ electronic work and you do not agree to be bound -by the terms of this agreement, you may obtain a refund from the person -or entity to whom you paid the fee as set forth in paragraph 1.E.8. - -1.B. “Project Gutenberg” is a registered trademark. It may only be -used on or associated in any way with an electronic work by people who -agree to be bound by the terms of this agreement. There are a few -things that you can do with most Project Gutenberg™ electronic works -even without complying with the full terms of this agreement. See -paragraph 1.C below. There are a lot of things you can do with Project -Gutenberg™ electronic works if you follow the terms of this -agreement and help preserve free future access to Project Gutenberg™ -electronic works. See paragraph 1.E below. - -1.C. The Project Gutenberg Literary Archive Foundation (“the -Foundation” or PGLAF), owns a compilation copyright in the collection -of Project Gutenberg™ electronic works. Nearly all the individual -works in the collection are in the public domain in the United -States. If an individual work is unprotected by copyright law in the -United States and you are located in the United States, we do not -claim a right to prevent you from copying, distributing, performing, -displaying or creating derivative works based on the work as long as -all references to Project Gutenberg are removed. Of course, we hope -that you will support the Project Gutenberg™ mission of promoting -free access to electronic works by freely sharing Project Gutenberg™ -works in compliance with the terms of this agreement for keeping the -Project Gutenberg™ name associated with the work. You can easily -comply with the terms of this agreement by keeping this work in the -same format with its attached full Project Gutenberg™ License when -you share it without charge with others. - -1.D. The copyright laws of the place where you are located also govern -what you can do with this work. Copyright laws in most countries are -in a constant state of change. If you are outside the United States, -check the laws of your country in addition to the terms of this -agreement before downloading, copying, displaying, performing, -distributing or creating derivative works based on this work or any -other Project Gutenberg™ work. The Foundation makes no -representations concerning the copyright status of any work in any -country other than the United States. - -1.E. Unless you have removed all references to Project Gutenberg: - -1.E.1. The following sentence, with active links to, or other -immediate access to, the full Project Gutenberg™ License must appear -prominently whenever any copy of a Project Gutenberg™ work (any work -on which the phrase “Project Gutenberg” appears, or with which the -phrase “Project Gutenberg” is associated) is accessed, displayed, -performed, viewed, copied or distributed: - - This eBook is for the use of anyone anywhere in the United States and most - other parts of the world at no cost and with almost no restrictions - whatsoever. You may copy it, give it away or re-use it under the terms - of the Project Gutenberg License included with this eBook or online - at www.gutenberg.org. If you - are not located in the United States, you will have to check the laws - of the country where you are located before using this eBook. - -1.E.2. If an individual Project Gutenberg™ electronic work is -derived from texts not protected by U.S. copyright law (does not -contain a notice indicating that it is posted with permission of the -copyright holder), the work can be copied and distributed to anyone in -the United States without paying any fees or charges. If you are -redistributing or providing access to a work with the phrase “Project -Gutenberg” associated with or appearing on the work, you must comply -either with the requirements of paragraphs 1.E.1 through 1.E.7 or -obtain permission for the use of the work and the Project Gutenberg™ -trademark as set forth in paragraphs 1.E.8 or 1.E.9. - -1.E.3. If an individual Project Gutenberg™ electronic work is posted -with the permission of the copyright holder, your use and distribution -must comply with both paragraphs 1.E.1 through 1.E.7 and any -additional terms imposed by the copyright holder. Additional terms -will be linked to the Project Gutenberg™ License for all works -posted with the permission of the copyright holder found at the -beginning of this work. - -1.E.4. Do not unlink or detach or remove the full Project Gutenberg™ -License terms from this work, or any files containing a part of this -work or any other work associated with Project Gutenberg™. - -1.E.5. Do not copy, display, perform, distribute or redistribute this -electronic work, or any part of this electronic work, without -prominently displaying the sentence set forth in paragraph 1.E.1 with -active links or immediate access to the full terms of the Project -Gutenberg™ License. - -1.E.6. You may convert to and distribute this work in any binary, -compressed, marked up, nonproprietary or proprietary form, including -any word processing or hypertext form. However, if you provide access -to or distribute copies of a Project Gutenberg™ work in a format -other than “Plain Vanilla ASCII” or other format used in the official -version posted on the official Project Gutenberg™ website -(www.gutenberg.org), you must, at no additional cost, fee or expense -to the user, provide a copy, a means of exporting a copy, or a means -of obtaining a copy upon request, of the work in its original “Plain -Vanilla ASCII” or other form. Any alternate format must include the -full Project Gutenberg™ License as specified in paragraph 1.E.1. - -1.E.7. Do not charge a fee for access to, viewing, displaying, -performing, copying or distributing any Project Gutenberg™ works -unless you comply with paragraph 1.E.8 or 1.E.9. - -1.E.8. You may charge a reasonable fee for copies of or providing -access to or distributing Project Gutenberg™ electronic works -provided that: - - • You pay a royalty fee of 20% of the gross profits you derive from - the use of Project Gutenberg™ works calculated using the method - you already use to calculate your applicable taxes. The fee is owed - to the owner of the Project Gutenberg™ trademark, but he has - agreed to donate royalties under this paragraph to the Project - Gutenberg Literary Archive Foundation. Royalty payments must be paid - within 60 days following each date on which you prepare (or are - legally required to prepare) your periodic tax returns. Royalty - payments should be clearly marked as such and sent to the Project - Gutenberg Literary Archive Foundation at the address specified in - Section 4, “Information about donations to the Project Gutenberg - Literary Archive Foundation.” - - • You provide a full refund of any money paid by a user who notifies - you in writing (or by e-mail) within 30 days of receipt that s/he - does not agree to the terms of the full Project Gutenberg™ - License. You must require such a user to return or destroy all - copies of the works possessed in a physical medium and discontinue - all use of and all access to other copies of Project Gutenberg™ - works. - - • You provide, in accordance with paragraph 1.F.3, a full refund of - any money paid for a work or a replacement copy, if a defect in the - electronic work is discovered and reported to you within 90 days of - receipt of the work. - - • You comply with all other terms of this agreement for free - distribution of Project Gutenberg™ works. - - -1.E.9. If you wish to charge a fee or distribute a Project -Gutenberg™ electronic work or group of works on different terms than -are set forth in this agreement, you must obtain permission in writing -from the Project Gutenberg Literary Archive Foundation, the manager of -the Project Gutenberg™ trademark. Contact the Foundation as set -forth in Section 3 below. - -1.F. - -1.F.1. Project Gutenberg volunteers and employees expend considerable -effort to identify, do copyright research on, transcribe and proofread -works not protected by U.S. copyright law in creating the Project -Gutenberg™ collection. Despite these efforts, Project Gutenberg™ -electronic works, and the medium on which they may be stored, may -contain “Defects,” such as, but not limited to, incomplete, inaccurate -or corrupt data, transcription errors, a copyright or other -intellectual property infringement, a defective or damaged disk or -other medium, a computer virus, or computer codes that damage or -cannot be read by your equipment. - -1.F.2. LIMITED WARRANTY, DISCLAIMER OF DAMAGES - Except for the “Right -of Replacement or Refund” described in paragraph 1.F.3, the Project -Gutenberg Literary Archive Foundation, the owner of the Project -Gutenberg™ trademark, and any other party distributing a Project -Gutenberg™ electronic work under this agreement, disclaim all -liability to you for damages, costs and expenses, including legal -fees. YOU AGREE THAT YOU HAVE NO REMEDIES FOR NEGLIGENCE, STRICT -LIABILITY, BREACH OF WARRANTY OR BREACH OF CONTRACT EXCEPT THOSE -PROVIDED IN PARAGRAPH 1.F.3. YOU AGREE THAT THE FOUNDATION, THE -TRADEMARK OWNER, AND ANY DISTRIBUTOR UNDER THIS AGREEMENT WILL NOT BE -LIABLE TO YOU FOR ACTUAL, DIRECT, INDIRECT, CONSEQUENTIAL, PUNITIVE OR -INCIDENTAL DAMAGES EVEN IF YOU GIVE NOTICE OF THE POSSIBILITY OF SUCH -DAMAGE. - -1.F.3. LIMITED RIGHT OF REPLACEMENT OR REFUND - If you discover a -defect in this electronic work within 90 days of receiving it, you can -receive a refund of the money (if any) you paid for it by sending a -written explanation to the person you received the work from. If you -received the work on a physical medium, you must return the medium -with your written explanation. The person or entity that provided you -with the defective work may elect to provide a replacement copy in -lieu of a refund. If you received the work electronically, the person -or entity providing it to you may choose to give you a second -opportunity to receive the work electronically in lieu of a refund. If -the second copy is also defective, you may demand a refund in writing -without further opportunities to fix the problem. - -1.F.4. Except for the limited right of replacement or refund set forth -in paragraph 1.F.3, this work is provided to you ‘AS-IS’, WITH NO -OTHER WARRANTIES OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT -LIMITED TO WARRANTIES OF MERCHANTABILITY OR FITNESS FOR ANY PURPOSE. - -1.F.5. Some states do not allow disclaimers of certain implied -warranties or the exclusion or limitation of certain types of -damages. If any disclaimer or limitation set forth in this agreement -violates the law of the state applicable to this agreement, the -agreement shall be interpreted to make the maximum disclaimer or -limitation permitted by the applicable state law. The invalidity or -unenforceability of any provision of this agreement shall not void the -remaining provisions. - -1.F.6. INDEMNITY - You agree to indemnify and hold the Foundation, the -trademark owner, any agent or employee of the Foundation, anyone -providing copies of Project Gutenberg™ electronic works in -accordance with this agreement, and any volunteers associated with the -production, promotion and distribution of Project Gutenberg™ -electronic works, harmless from all liability, costs and expenses, -including legal fees, that arise directly or indirectly from any of -the following which you do or cause to occur: (a) distribution of this -or any Project Gutenberg™ work, (b) alteration, modification, or -additions or deletions to any Project Gutenberg™ work, and (c) any -Defect you cause. - -Section 2. Information about the Mission of Project Gutenberg™ - -Project Gutenberg™ is synonymous with the free distribution of -electronic works in formats readable by the widest variety of -computers including obsolete, old, middle-aged and new computers. It -exists because of the efforts of hundreds of volunteers and donations -from people in all walks of life. - -Volunteers and financial support to provide volunteers with the -assistance they need are critical to reaching Project Gutenberg™’s -goals and ensuring that the Project Gutenberg™ collection will -remain freely available for generations to come. In 2001, the Project -Gutenberg Literary Archive Foundation was created to provide a secure -and permanent future for Project Gutenberg™ and future -generations. To learn more about the Project Gutenberg Literary -Archive Foundation and how your efforts and donations can help, see -Sections 3 and 4 and the Foundation information page at www.gutenberg.org. - -Section 3. Information about the Project Gutenberg Literary Archive Foundation - -The Project Gutenberg Literary Archive Foundation is a non-profit -501(c)(3) educational corporation organized under the laws of the -state of Mississippi and granted tax exempt status by the Internal -Revenue Service. The Foundation’s EIN or federal tax identification -number is 64-6221541. Contributions to the Project Gutenberg Literary -Archive Foundation are tax deductible to the full extent permitted by -U.S. federal laws and your state’s laws. - -The Foundation’s business office is located at 809 North 1500 West, -Salt Lake City, UT 84116, (801) 596-1887. Email contact links and up -to date contact information can be found at the Foundation’s website -and official page at www.gutenberg.org/contact - -Section 4. Information about Donations to the Project Gutenberg -Literary Archive Foundation - -Project Gutenberg™ depends upon and cannot survive without widespread -public support and donations to carry out its mission of -increasing the number of public domain and licensed works that can be -freely distributed in machine-readable form accessible by the widest -array of equipment including outdated equipment. Many small donations -($1 to $5,000) are particularly important to maintaining tax exempt -status with the IRS. - -The Foundation is committed to complying with the laws regulating -charities and charitable donations in all 50 states of the United -States. Compliance requirements are not uniform and it takes a -considerable effort, much paperwork and many fees to meet and keep up -with these requirements. We do not solicit donations in locations -where we have not received written confirmation of compliance. To SEND -DONATIONS or determine the status of compliance for any particular state -visit www.gutenberg.org/donate. - -While we cannot and do not solicit contributions from states where we -have not met the solicitation requirements, we know of no prohibition -against accepting unsolicited donations from donors in such states who -approach us with offers to donate. - -International donations are gratefully accepted, but we cannot make -any statements concerning tax treatment of donations received from -outside the United States. U.S. laws alone swamp our small staff. - -Please check the Project Gutenberg web pages for current donation -methods and addresses. Donations are accepted in a number of other -ways including checks, online payments and credit card donations. To -donate, please visit: www.gutenberg.org/donate. - -Section 5. General Information About Project Gutenberg™ electronic works - -Professor Michael S. Hart was the originator of the Project -Gutenberg™ concept of a library of electronic works that could be -freely shared with anyone. For forty years, he produced and -distributed Project Gutenberg™ eBooks with only a loose network of -volunteer support. - -Project Gutenberg™ eBooks are often created from several printed -editions, all of which are confirmed as not protected by copyright in -the U.S. unless a copyright notice is included. Thus, we do not -necessarily keep eBooks in compliance with any particular paper -edition. - -Most people start at our website which has the main PG search -facility: www.gutenberg.org. - -This website includes information about Project Gutenberg™, -including how to make donations to the Project Gutenberg Literary -Archive Foundation, how to help produce our new eBooks, and how to -subscribe to our email newsletter to hear about new eBooks. - - diff --git a/examples/document_search.py b/examples/document_search.py deleted file mode 100644 index b007bb3..0000000 --- a/examples/document_search.py +++ /dev/null @@ -1,146 +0,0 @@ -#!/usr/bin/env python3 -""" -Document search demo with recompute mode -""" - -import os -from pathlib import Path -import shutil -import time - -# Import backend packages to trigger plugin registration -try: - import leann_backend_diskann - import leann_backend_hnsw - print("INFO: Backend packages imported successfully.") -except ImportError as e: - print(f"WARNING: Could not import backend packages. Error: {e}") - -# Import upper-level API from leann-core -from leann.api import LeannBuilder, LeannSearcher, LeannChat - - -def load_sample_documents(): - """Create sample documents for demonstration""" - docs = [ - {"title": "Intro to Python", "content": "Python is a high-level, interpreted language known for simplicity."}, - {"title": "ML Basics", "content": "Machine learning builds systems that learn from data."}, - {"title": "Data Structures", "content": "Data structures like arrays, lists, and graphs organize data."}, - ] - return docs - -def main(): - print("==========================================================") - print("=== Leann Document Search Demo (DiskANN + Recompute) ===") - print("==========================================================") - - INDEX_DIR = Path("./test_indices") - INDEX_PATH = str(INDEX_DIR / "documents.diskann") - BACKEND_TO_TEST = "diskann" - - if INDEX_DIR.exists(): - print(f"--- Cleaning up old index directory: {INDEX_DIR} ---") - shutil.rmtree(INDEX_DIR) - - # --- 1. Build index --- - print(f"\n[PHASE 1] Building index using '{BACKEND_TO_TEST}' backend...") - - builder = LeannBuilder( - backend_name=BACKEND_TO_TEST, - graph_degree=32, - complexity=64 - ) - - documents = load_sample_documents() - print(f"Loaded {len(documents)} sample documents.") - for doc in documents: - builder.add_text(doc["content"], metadata={"title": doc["title"]}) - - builder.build_index(INDEX_PATH) - print(f"\nIndex built!") - - # --- 2. Basic search demo --- - print(f"\n[PHASE 2] Basic search using '{BACKEND_TO_TEST}' backend...") - searcher = LeannSearcher(index_path=INDEX_PATH) - - query = "What is machine learning?" - print(f"\nQuery: '{query}'") - - print("\n--- Basic search mode (PQ computation) ---") - start_time = time.time() - results = searcher.search(query, top_k=2) - basic_time = time.time() - start_time - - print(f"⏱️ Basic search time: {basic_time:.3f} seconds") - print(">>> Basic search results <<<") - for i, res in enumerate(results, 1): - print(f" {i}. ID: {res.id}, Score: {res.score:.4f}, Text: '{res.text}', Metadata: {res.metadata}") - - # --- 3. Recompute search demo --- - print(f"\n[PHASE 3] Recompute search using embedding server...") - - print("\n--- Recompute search mode (get real embeddings via network) ---") - - # Configure recompute parameters - recompute_params = { - "recompute_beighbor_embeddings": True, # Enable network recomputation - "USE_DEFERRED_FETCH": False, # Don't use deferred fetch - "skip_search_reorder": True, # Skip search reordering - "dedup_node_dis": True, # Enable node distance deduplication - "prune_ratio": 0.1, # Pruning ratio 10% - "batch_recompute": False, # Don't use batch recomputation - "global_pruning": False, # Don't use global pruning - "zmq_port": 5555, # ZMQ port - "embedding_model": "sentence-transformers/all-mpnet-base-v2" - } - - print("Recompute parameter configuration:") - for key, value in recompute_params.items(): - print(f" {key}: {value}") - - print(f"\n🔄 Executing Recompute search...") - try: - start_time = time.time() - recompute_results = searcher.search(query, top_k=2, **recompute_params) - recompute_time = time.time() - start_time - - print(f"⏱️ Recompute search time: {recompute_time:.3f} seconds") - print(">>> Recompute search results <<<") - for i, res in enumerate(recompute_results, 1): - print(f" {i}. ID: {res.id}, Score: {res.score:.4f}, Text: '{res.text}', Metadata: {res.metadata}") - - # Compare results - print(f"\n--- Result comparison ---") - print(f"Basic search time: {basic_time:.3f} seconds") - print(f"Recompute time: {recompute_time:.3f} seconds") - - print("\nBasic search vs Recompute results:") - for i in range(min(len(results), len(recompute_results))): - basic_score = results[i].score - recompute_score = recompute_results[i].score - score_diff = abs(basic_score - recompute_score) - print(f" Position {i+1}: PQ={basic_score:.4f}, Recompute={recompute_score:.4f}, Difference={score_diff:.4f}") - - if recompute_time > basic_time: - print(f"✅ Recompute mode working correctly (more accurate but slower)") - else: - print(f"ℹ️ Recompute time is unusually fast, network recomputation may not be enabled") - - except Exception as e: - print(f"❌ Recompute search failed: {e}") - print("This usually indicates an embedding server connection issue") - - # --- 4. Chat demo --- - print(f"\n[PHASE 4] Starting chat session...") - chat = LeannChat(index_path=INDEX_PATH) - chat_response = chat.ask(query) - print(f"You: {query}") - print(f"Leann: {chat_response}") - - print("\n==========================================================") - print("✅ Demo finished successfully!") - print("==========================================================") - - -if __name__ == "__main__": - main() \ No newline at end of file diff --git a/examples/mail_reader_llamaindex.py b/examples/mail_reader_llamaindex.py deleted file mode 100644 index 11e8bc4..0000000 --- a/examples/mail_reader_llamaindex.py +++ /dev/null @@ -1,108 +0,0 @@ -import os -import sys -import argparse -from pathlib import Path -from typing import List, Any - -# Add the project root to Python path so we can import from examples -project_root = Path(__file__).parent.parent -sys.path.insert(0, str(project_root)) - -from llama_index.core import VectorStoreIndex, StorageContext -from llama_index.core.node_parser import SentenceSplitter - -# --- EMBEDDING MODEL --- -from llama_index.embeddings.huggingface import HuggingFaceEmbedding -import torch - -# --- END EMBEDDING MODEL --- - -# Import EmlxReader from the new module -from examples.email_data.LEANN_email_reader import EmlxReader - -def create_and_save_index(mail_path: str, save_dir: str = "mail_index_embedded", max_count: int = 1000, include_html: bool = False): - print("Creating index from mail data with embedded metadata...") - documents = EmlxReader(include_html=include_html).load_data(mail_path, max_count=max_count) - if not documents: - print("No documents loaded. Exiting.") - return None - text_splitter = SentenceSplitter(chunk_size=256, chunk_overlap=25) - # Use facebook/contriever as the embedder - embed_model = HuggingFaceEmbedding(model_name="facebook/contriever") - # set on device - import torch - if torch.cuda.is_available(): - embed_model._model.to("cuda") - # set mps - elif torch.backends.mps.is_available(): - embed_model._model.to("mps") - else: - embed_model._model.to("cpu") - index = VectorStoreIndex.from_documents( - documents, - transformations=[text_splitter], - embed_model=embed_model - ) - os.makedirs(save_dir, exist_ok=True) - index.storage_context.persist(persist_dir=save_dir) - print(f"Index saved to {save_dir}") - return index - -def load_index(save_dir: str = "mail_index_embedded"): - try: - storage_context = StorageContext.from_defaults(persist_dir=save_dir) - index = VectorStoreIndex.from_vector_store( - storage_context.vector_store, - storage_context=storage_context - ) - print(f"Index loaded from {save_dir}") - return index - except Exception as e: - print(f"Error loading index: {e}") - return None - -def query_index(index, query: str): - if index is None: - print("No index available for querying.") - return - query_engine = index.as_query_engine() - response = query_engine.query(query) - print(f"Query: {query}") - print(f"Response: {response}") - -def main(): - # Parse command line arguments - parser = argparse.ArgumentParser(description='LlamaIndex Mail Reader - Create and query email index') - parser.add_argument('--mail-path', type=str, - default="/Users/yichuan/Library/Mail/V10/0FCA0879-FD8C-4B7E-83BF-FDDA930791C5/[Gmail].mbox/All Mail.mbox/78BA5BE1-8819-4F9A-9613-EB63772F1DD0/Data/9/Messages", - help='Path to mail data directory') - parser.add_argument('--save-dir', type=str, default="mail_index_embedded", - help='Directory to store the index (default: mail_index_embedded)') - parser.add_argument('--max-emails', type=int, default=10000, - help='Maximum number of emails to process') - parser.add_argument('--include-html', action='store_true', default=False, - help='Include HTML content in email processing (default: False)') - - args = parser.parse_args() - - mail_path = args.mail_path - save_dir = args.save_dir - - if os.path.exists(save_dir) and os.path.exists(os.path.join(save_dir, "vector_store.json")): - print("Loading existing index...") - index = load_index(save_dir) - else: - print("Creating new index...") - index = create_and_save_index(mail_path, save_dir, max_count=args.max_emails, include_html=args.include_html) - if index: - queries = [ - "Hows Berkeley Graduate Student Instructor", - "how's the icloud related advertisement saying", - "Whats the number of class recommend to take per semester for incoming EECS students" - ] - for query in queries: - print("\n" + "="*50) - query_index(index, query) - -if __name__ == "__main__": - main() \ No newline at end of file diff --git a/examples/multi_vector_aggregator.py b/examples/multi_vector_aggregator.py deleted file mode 100644 index f2f1c2a..0000000 --- a/examples/multi_vector_aggregator.py +++ /dev/null @@ -1,319 +0,0 @@ -#!/usr/bin/env python3 -""" -Multi-Vector Aggregator for Fat Embeddings -========================================== - -This module implements aggregation strategies for multi-vector embeddings, -similar to ColPali's approach where multiple patch vectors represent a single document. - -Key features: -- MaxSim aggregation (take maximum similarity across patches) -- Voting-based aggregation (count patch matches) -- Weighted aggregation (attention-score weighted) -- Spatial clustering of matching patches -- Document-level result consolidation -""" - -import numpy as np -from typing import List, Dict, Any, Tuple, Optional -from dataclasses import dataclass -from collections import defaultdict -import json - -@dataclass -class PatchResult: - """Represents a single patch search result.""" - patch_id: int - image_name: str - image_path: str - coordinates: Tuple[int, int, int, int] # (x1, y1, x2, y2) - score: float - attention_score: float - scale: float - metadata: Dict[str, Any] - -@dataclass -class AggregatedResult: - """Represents an aggregated document-level result.""" - image_name: str - image_path: str - doc_score: float - patch_count: int - best_patch: PatchResult - all_patches: List[PatchResult] - aggregation_method: str - spatial_clusters: Optional[List[List[PatchResult]]] = None - -class MultiVectorAggregator: - """ - Aggregates multiple patch-level results into document-level results. - """ - - def __init__(self, - aggregation_method: str = "maxsim", - spatial_clustering: bool = True, - cluster_distance_threshold: float = 100.0): - """ - Initialize the aggregator. - - Args: - aggregation_method: "maxsim", "voting", "weighted", or "mean" - spatial_clustering: Whether to cluster spatially close patches - cluster_distance_threshold: Distance threshold for spatial clustering - """ - self.aggregation_method = aggregation_method - self.spatial_clustering = spatial_clustering - self.cluster_distance_threshold = cluster_distance_threshold - - def aggregate_results(self, - search_results: List[Dict[str, Any]], - top_k: int = 10) -> List[AggregatedResult]: - """ - Aggregate patch-level search results into document-level results. - - Args: - search_results: List of search results from LeannSearcher - top_k: Number of top documents to return - - Returns: - List of aggregated document results - """ - # Group results by image - image_groups = defaultdict(list) - - for result in search_results: - metadata = result.metadata - if "image_name" in metadata and "patch_id" in metadata: - patch_result = PatchResult( - patch_id=metadata["patch_id"], - image_name=metadata["image_name"], - image_path=metadata["image_path"], - coordinates=tuple(metadata["coordinates"]), - score=result.score, - attention_score=metadata.get("attention_score", 0.0), - scale=metadata.get("scale", 1.0), - metadata=metadata - ) - image_groups[metadata["image_name"]].append(patch_result) - - # Aggregate each image group - aggregated_results = [] - for image_name, patches in image_groups.items(): - if len(patches) == 0: - continue - - agg_result = self._aggregate_image_patches(image_name, patches) - aggregated_results.append(agg_result) - - # Sort by aggregated score and return top-k - aggregated_results.sort(key=lambda x: x.doc_score, reverse=True) - return aggregated_results[:top_k] - - def _aggregate_image_patches(self, image_name: str, patches: List[PatchResult]) -> AggregatedResult: - """Aggregate patches for a single image.""" - - if self.aggregation_method == "maxsim": - doc_score = max(patch.score for patch in patches) - best_patch = max(patches, key=lambda p: p.score) - - elif self.aggregation_method == "voting": - # Count patches above threshold - threshold = np.percentile([p.score for p in patches], 75) - doc_score = sum(1 for patch in patches if patch.score >= threshold) - best_patch = max(patches, key=lambda p: p.score) - - elif self.aggregation_method == "weighted": - # Weight by attention scores - total_weighted_score = sum(p.score * p.attention_score for p in patches) - total_weights = sum(p.attention_score for p in patches) - doc_score = total_weighted_score / max(total_weights, 1e-8) - best_patch = max(patches, key=lambda p: p.score * p.attention_score) - - elif self.aggregation_method == "mean": - doc_score = np.mean([patch.score for patch in patches]) - best_patch = max(patches, key=lambda p: p.score) - - else: - raise ValueError(f"Unknown aggregation method: {self.aggregation_method}") - - # Spatial clustering if enabled - spatial_clusters = None - if self.spatial_clustering: - spatial_clusters = self._cluster_patches_spatially(patches) - - return AggregatedResult( - image_name=image_name, - image_path=patches[0].image_path, - doc_score=float(doc_score), - patch_count=len(patches), - best_patch=best_patch, - all_patches=sorted(patches, key=lambda p: p.score, reverse=True), - aggregation_method=self.aggregation_method, - spatial_clusters=spatial_clusters - ) - - def _cluster_patches_spatially(self, patches: List[PatchResult]) -> List[List[PatchResult]]: - """Cluster patches that are spatially close to each other.""" - if len(patches) <= 1: - return [patches] - - clusters = [] - remaining_patches = patches.copy() - - while remaining_patches: - # Start new cluster with highest scoring remaining patch - seed_patch = max(remaining_patches, key=lambda p: p.score) - current_cluster = [seed_patch] - remaining_patches.remove(seed_patch) - - # Add nearby patches to cluster - added_to_cluster = True - while added_to_cluster: - added_to_cluster = False - for patch in remaining_patches.copy(): - if self._is_patch_nearby(patch, current_cluster): - current_cluster.append(patch) - remaining_patches.remove(patch) - added_to_cluster = True - - clusters.append(current_cluster) - - return sorted(clusters, key=lambda cluster: max(p.score for p in cluster), reverse=True) - - def _is_patch_nearby(self, patch: PatchResult, cluster: List[PatchResult]) -> bool: - """Check if a patch is spatially close to any patch in the cluster.""" - patch_center = self._get_patch_center(patch.coordinates) - - for cluster_patch in cluster: - cluster_center = self._get_patch_center(cluster_patch.coordinates) - distance = np.sqrt((patch_center[0] - cluster_center[0])**2 + - (patch_center[1] - cluster_center[1])**2) - - if distance <= self.cluster_distance_threshold: - return True - - return False - - def _get_patch_center(self, coordinates: Tuple[int, int, int, int]) -> Tuple[float, float]: - """Get center point of a patch.""" - x1, y1, x2, y2 = coordinates - return ((x1 + x2) / 2, (y1 + y2) / 2) - - def print_aggregated_results(self, results: List[AggregatedResult], max_patches_per_doc: int = 3): - """Pretty print aggregated results.""" - print(f"\n🔍 Aggregated Results (method: {self.aggregation_method})") - print("=" * 80) - - for i, result in enumerate(results): - print(f"\n{i+1}. {result.image_name}") - print(f" Doc Score: {result.doc_score:.4f} | Patches: {result.patch_count}") - print(f" Path: {result.image_path}") - - # Show best patch - best = result.best_patch - print(f" 🌟 Best Patch: #{best.patch_id} at {best.coordinates} (score: {best.score:.4f})") - - # Show top patches - print(f" 📍 Top Patches:") - for j, patch in enumerate(result.all_patches[:max_patches_per_doc]): - print(f" {j+1}. Patch #{patch.patch_id}: {patch.score:.4f} at {patch.coordinates}") - - # Show spatial clusters if available - if result.spatial_clusters and len(result.spatial_clusters) > 1: - print(f" 🗂️ Spatial Clusters: {len(result.spatial_clusters)}") - for j, cluster in enumerate(result.spatial_clusters[:2]): # Show top 2 clusters - cluster_score = max(p.score for p in cluster) - print(f" Cluster {j+1}: {len(cluster)} patches (best: {cluster_score:.4f})") - -def demo_aggregation(): - """Demonstrate the multi-vector aggregation functionality.""" - print("=== Multi-Vector Aggregation Demo ===") - - # Simulate some patch-level search results - # In real usage, these would come from LeannSearcher.search() - - class MockResult: - def __init__(self, score, metadata): - self.score = score - self.metadata = metadata - - # Simulate results for 2 images with multiple patches each - mock_results = [ - # Image 1: cats_and_kitchen.jpg - 4 patches - MockResult(0.85, { - "image_name": "cats_and_kitchen.jpg", - "image_path": "/path/to/cats_and_kitchen.jpg", - "patch_id": 3, - "coordinates": [100, 50, 224, 174], # Kitchen area - "attention_score": 0.92, - "scale": 1.0 - }), - MockResult(0.78, { - "image_name": "cats_and_kitchen.jpg", - "image_path": "/path/to/cats_and_kitchen.jpg", - "patch_id": 7, - "coordinates": [200, 300, 324, 424], # Cat area - "attention_score": 0.88, - "scale": 1.0 - }), - MockResult(0.72, { - "image_name": "cats_and_kitchen.jpg", - "image_path": "/path/to/cats_and_kitchen.jpg", - "patch_id": 12, - "coordinates": [150, 100, 274, 224], # Appliances - "attention_score": 0.75, - "scale": 1.0 - }), - MockResult(0.65, { - "image_name": "cats_and_kitchen.jpg", - "image_path": "/path/to/cats_and_kitchen.jpg", - "patch_id": 15, - "coordinates": [50, 250, 174, 374], # Furniture - "attention_score": 0.70, - "scale": 1.0 - }), - - # Image 2: city_street.jpg - 3 patches - MockResult(0.68, { - "image_name": "city_street.jpg", - "image_path": "/path/to/city_street.jpg", - "patch_id": 2, - "coordinates": [300, 100, 424, 224], # Buildings - "attention_score": 0.80, - "scale": 1.0 - }), - MockResult(0.62, { - "image_name": "city_street.jpg", - "image_path": "/path/to/city_street.jpg", - "patch_id": 8, - "coordinates": [100, 350, 224, 474], # Street level - "attention_score": 0.75, - "scale": 1.0 - }), - MockResult(0.55, { - "image_name": "city_street.jpg", - "image_path": "/path/to/city_street.jpg", - "patch_id": 11, - "coordinates": [400, 200, 524, 324], # Sky area - "attention_score": 0.60, - "scale": 1.0 - }), - ] - - # Test different aggregation methods - methods = ["maxsim", "voting", "weighted", "mean"] - - for method in methods: - print(f"\n{'='*20} {method.upper()} AGGREGATION {'='*20}") - - aggregator = MultiVectorAggregator( - aggregation_method=method, - spatial_clustering=True, - cluster_distance_threshold=100.0 - ) - - aggregated = aggregator.aggregate_results(mock_results, top_k=5) - aggregator.print_aggregated_results(aggregated) - -if __name__ == "__main__": - demo_aggregation() \ No newline at end of file diff --git a/examples/openai_hnsw_example.py b/examples/openai_hnsw_example.py deleted file mode 100644 index 451aeb9..0000000 --- a/examples/openai_hnsw_example.py +++ /dev/null @@ -1,108 +0,0 @@ -#!/usr/bin/env python3 -""" -OpenAI Embedding Example - -Complete example showing how to build and search with OpenAI embeddings using HNSW backend. -""" - -import os -import dotenv -from pathlib import Path -from leann.api import LeannBuilder, LeannSearcher - -# Load environment variables -dotenv.load_dotenv() - -def main(): - # Check if OpenAI API key is available - api_key = os.getenv("OPENAI_API_KEY") - if not api_key: - print("ERROR: OPENAI_API_KEY environment variable not set") - return False - - print(f"✅ OpenAI API key found: {api_key[:10]}...") - - # Sample texts - sample_texts = [ - "Machine learning is a powerful technology that enables computers to learn from data.", - "Natural language processing helps computers understand and generate human language.", - "Deep learning uses neural networks with multiple layers to solve complex problems.", - "Computer vision allows machines to interpret and understand visual information.", - "Reinforcement learning trains agents to make decisions through trial and error.", - "Data science combines statistics, math, and programming to extract insights from data.", - "Artificial intelligence aims to create machines that can perform human-like tasks.", - "Python is a popular programming language used extensively in data science and AI.", - "Neural networks are inspired by the structure and function of the human brain.", - "Big data refers to extremely large datasets that require special tools to process." - ] - - INDEX_DIR = Path("./simple_openai_test_index") - INDEX_PATH = str(INDEX_DIR / "simple_test.leann") - - print(f"\n=== Building Index with OpenAI Embeddings ===") - print(f"Index path: {INDEX_PATH}") - - try: - # Use proper configuration for OpenAI embeddings - builder = LeannBuilder( - backend_name="hnsw", - embedding_model="text-embedding-3-small", - embedding_mode="openai", - # HNSW settings for OpenAI embeddings - M=16, # Smaller graph degree - efConstruction=64, # Smaller construction complexity - is_compact=True, # Enable compact storage for recompute - is_recompute=True, # MUST enable for OpenAI embeddings - num_threads=1, - ) - - print(f"Adding {len(sample_texts)} texts to the index...") - for i, text in enumerate(sample_texts): - metadata = {"id": f"doc_{i}", "topic": "AI"} - builder.add_text(text, metadata) - - print("Building index...") - builder.build_index(INDEX_PATH) - print(f"✅ Index built successfully!") - - except Exception as e: - print(f"❌ Error building index: {e}") - import traceback - traceback.print_exc() - return False - - print(f"\n=== Testing Search ===") - - try: - searcher = LeannSearcher(INDEX_PATH) - - test_queries = [ - "What is machine learning?", - "How do neural networks work?", - "Programming languages for data science" - ] - - for query in test_queries: - print(f"\n🔍 Query: '{query}'") - results = searcher.search(query, top_k=3) - - print(f" Found {len(results)} results:") - for i, result in enumerate(results): - print(f" {i+1}. Score: {result.score:.4f}") - print(f" Text: {result.text[:80]}...") - - print(f"\n✅ Search test completed successfully!") - return True - - except Exception as e: - print(f"❌ Error during search: {e}") - import traceback - traceback.print_exc() - return False - -if __name__ == "__main__": - success = main() - if success: - print(f"\n🎉 Simple OpenAI index test completed successfully!") - else: - print(f"\n💥 Simple OpenAI index test failed!") \ No newline at end of file diff --git a/examples/resue_index.py b/examples/resue_index.py deleted file mode 100644 index 24dc3a1..0000000 --- a/examples/resue_index.py +++ /dev/null @@ -1,18 +0,0 @@ -import asyncio -from leann.api import LeannChat -from pathlib import Path - -INDEX_DIR = Path("./test_pdf_index_huawei") -INDEX_PATH = str(INDEX_DIR / "pdf_documents.leann") - -async def main(): - print(f"\n[PHASE 2] Starting Leann chat session...") - chat = LeannChat(index_path=INDEX_PATH) - query = "What is the main idea of RL and give me 5 exapmle of classic RL algorithms?" - query = "Based on the paper, what are the main techniques LEANN explores to reduce the storage overhead and DLPM explore to achieve Fairness and Efiiciency trade-off?" - # query = "什么是盘古大模型以及盘古开发过程中遇到了什么阴暗面,任务令一般在什么城市颁发" - response = chat.ask(query,top_k=20,recompute_beighbor_embeddings=True,complexity=32,beam_width=1) - print(f"\n[PHASE 2] Response: {response}") - -if __name__ == "__main__": - asyncio.run(main()) \ No newline at end of file diff --git a/examples/simple_demo.py b/examples/simple_demo.py deleted file mode 100644 index 99facd3..0000000 --- a/examples/simple_demo.py +++ /dev/null @@ -1,81 +0,0 @@ -""" -Simple demo showing basic leann usage -Run: uv run python examples/simple_demo.py -""" - -import argparse -from leann import LeannBuilder, LeannSearcher, LeannChat - - -def main(): - parser = argparse.ArgumentParser(description="Simple demo of Leann with selectable embedding models.") - parser.add_argument("--embedding_model", type=str, default="sentence-transformers/all-mpnet-base-v2", - help="The embedding model to use, e.g., 'sentence-transformers/all-mpnet-base-v2' or 'text-embedding-ada-002'.") - args = parser.parse_args() - - print(f"=== Leann Simple Demo with {args.embedding_model} ===") - print() - - # Sample knowledge base - chunks = [ - "Machine learning is a subset of artificial intelligence that enables computers to learn without being explicitly programmed.", - "Deep learning uses neural networks with multiple layers to process data and make decisions.", - "Natural language processing helps computers understand and generate human language.", - "Computer vision enables machines to interpret and understand visual information from images and videos.", - "Reinforcement learning teaches agents to make decisions by receiving rewards or penalties for their actions.", - "Data science combines statistics, programming, and domain expertise to extract insights from data.", - "Big data refers to extremely large datasets that require special tools and techniques to process.", - "Cloud computing provides on-demand access to computing resources over the internet.", - ] - - print("1. Building index (no embeddings stored)...") - builder = LeannBuilder( - embedding_model=args.embedding_model, - backend_name="hnsw", - ) - for chunk in chunks: - builder.add_text(chunk) - builder.build_index("demo_knowledge.leann") - print() - - print("2. Searching with real-time embeddings...") - searcher = LeannSearcher("demo_knowledge.leann") - - queries = [ - "What is machine learning?", - "How does neural network work?", - "Tell me about data processing", - ] - - for query in queries: - print(f"Query: {query}") - results = searcher.search(query, top_k=2) - - for i, result in enumerate(results, 1): - print(f" {i}. Score: {result.score:.3f}") - print(f" Text: {result.text[:100]}...") - print() - - print("3. Interactive chat demo:") - print(" (Note: Requires OpenAI API key for real responses)") - - chat = LeannChat("demo_knowledge.leann") - - # Demo questions - demo_questions: list[str] = [ - "What is the difference between machine learning and deep learning?", - "How is data science related to big data?", - ] - - for question in demo_questions: - print(f" Q: {question}") - response = chat.ask(question) - print(f" A: {response}") - print() - - print("Demo completed! Try running:") - print(" uv run python examples/document_search.py") - - -if __name__ == "__main__": - main() \ No newline at end of file diff --git a/packages/leann-backend-diskann/third_party/DiskANN b/packages/leann-backend-diskann/third_party/DiskANN index af2a264..25339b0 160000 --- a/packages/leann-backend-diskann/third_party/DiskANN +++ b/packages/leann-backend-diskann/third_party/DiskANN @@ -1 +1 @@ -Subproject commit af2a26481e65232b57b82d96e68833cdee9f7635 +Subproject commit 25339b03413b5067c25b6092ea3e0f77ef8515c8