diff --git a/Dockerfile b/Dockerfile
new file mode 100644
index 0000000000000000000000000000000000000000..0331b3b30bd311c91e3fb3aff5628cf4a4e70eed
--- /dev/null
+++ b/Dockerfile
@@ -0,0 +1,61 @@
+FROM python:3.11-slim
+
+# Set environment variables
+ENV PYTHONDONTWRITEBYTECODE=1 \
+ PYTHONUNBUFFERED=1 \
+ PYTHONFAULTHANDLER=1 \
+ PATH="/home/user/.local/bin:$PATH" \
+ HOME=/home/user \
+ PYTHONPATH="/home/user/app:$PYTHONPATH"
+
+# Add non-root user
+RUN useradd -m -u 1000 user
+
+# Install system dependencies
+RUN apt-get update && apt-get install -y --no-install-recommends \
+ build-essential \
+ curl \
+ && rm -rf /var/lib/apt/lists/*
+
+# Set working directory
+WORKDIR $HOME/app
+
+# Copy requirements file
+COPY --chown=user requirements.txt .
+
+# Install pip and dependencies
+RUN pip install --upgrade pip setuptools wheel
+RUN pip install -r requirements.txt
+
+# Copy application files
+COPY --chown=user app.py .
+COPY --chown=user insight_state.py .
+COPY --chown=user chainlit.md .
+COPY --chown=user README.md .
+COPY --chown=user utils ./utils
+COPY --chown=user persona_configs ./persona_configs
+COPY --chown=user download_data.py .
+COPY --chown=user .env.example .
+
+# Create necessary directories
+RUN mkdir -p data data_sources exports public
+RUN mkdir -p exports && touch exports/.gitkeep
+RUN mkdir -p data && touch data/.gitkeep
+
+# Set permissions
+RUN chown -R user:user $HOME
+
+# Switch to non-root user
+USER user
+
+# Run data download script to initialize data sources
+RUN python download_data.py
+
+# Create config for HF Spaces
+RUN mkdir -p $HOME/app/.hf && echo "sdk_version: 3\ntitle: InsightFlow AI\ndescription: Multi-perspective research assistant with visualization capabilities\napp_port: 7860" > $HOME/app/.hf/settings.yaml
+
+# Expose Hugging Face Spaces port
+EXPOSE 7860
+
+# Run the app
+CMD ["chainlit", "run", "app.py", "--host", "0.0.0.0", "--port", "7860"]
\ No newline at end of file
diff --git a/__init__.py b/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..3ff6d44da91e4d09b56a85ecd2a4c2e38b7521c0
--- /dev/null
+++ b/__init__.py
@@ -0,0 +1 @@
+# This file makes the directory a Python package
\ No newline at end of file
diff --git a/app.py b/app.py
new file mode 100644
index 0000000000000000000000000000000000000000..54d58910f3a5ff41c613af7808b9362dc1a7a33b
--- /dev/null
+++ b/app.py
@@ -0,0 +1,1080 @@
+# InsightFlow AI - Main Application
+import chainlit as cl
+from insight_state import InsightFlowState # Import InsightFlowState
+from dotenv import load_dotenv
+from langchain_openai import ChatOpenAI
+from openai import AsyncOpenAI # Import AsyncOpenAI for DALL-E
+from langgraph.graph import StateGraph, END
+from langchain_core.messages import HumanMessage, SystemMessage # Added for prompts
+from utils.persona import PersonaFactory # Import PersonaFactory
+from utils.visualization_utils import generate_dalle_image, generate_mermaid_code # <--- UPDATED IMPORT
+import asyncio # For asyncio.gather in execute_persona_tasks
+from langchain_core.callbacks.base import AsyncCallbackHandler # <--- ADDED for progress
+from typing import Any, Dict, List, Optional, Union # <--- ADDED for callbacks
+from langchain_core.outputs import LLMResult # <--- ADDED for callbacks
+import datetime # For export filenames
+from pathlib import Path # For export directory
+from chainlit.input_widget import Switch, Select # <--- REMOVE Option import
+# from chainlit.input_widget import Collapse # <--- COMMENT OUT FOR NOW
+# from chainlit.element import Divider # <--- REMOVE Collapse from this import for now
+
+# --- RAG UTILS IMPORT ---
+from utils.rag_utils import get_embedding_model_instance, get_relevant_context_for_query
+# --- END RAG UTILS IMPORT ---
+
+# --- GLOBAL CONFIGURATION STATE ---
+_configurations_initialized = False
+# _embedding_model_initialized = False # REMOVE OLD GLOBAL FLAG
+llm_planner = None
+llm_synthesizer = None
+llm_direct = None
+llm_analytical = None
+llm_scientific = None
+llm_philosophical = None
+llm_factual = None
+llm_metaphorical = None
+llm_futuristic = None
+llm_mermaid_generator = None # <--- ADDED
+openai_async_client = None # For DALL-E
+PERSONA_LLM_MAP = {}
+
+# Embedding Model Identifiers
+OPENAI_EMBED_MODEL_ID = "text-embedding-3-small"
+# IMPORTANT: Replace with your actual fine-tuned model ID from Hugging Face Hub after training
+FINETUNED_BALANCED_TEAM_EMBED_ID = "suh4s/insightflow-balanced-team-embed-v1" # Placeholder
+
+QUICK_MODE_PERSONAS = ["analytical", "factual"] # Default personas for Quick Mode
+# --- RAG Configuration (moved to global scope) ---
+RAG_ENABLED_PERSONA_IDS = ["analytical", "philosophical", "metaphorical"]
+# --- End RAG Configuration ---
+
+PERSONA_TEAMS = {
+ "creative_synthesis": {
+ "name": "π¨ Creative Synthesis Team",
+ "description": "Generates novel ideas and artistic interpretations.",
+ "members": ["metaphorical", "futuristic", "philosophical"]
+ },
+ "data_driven_analysis": {
+ "name": "π Data-Driven Analysis Squad",
+ "description": "Focuses on factual accuracy and logical deduction.",
+ "members": ["analytical", "factual", "scientific"]
+ },
+ "balanced_overview": {
+ "name": "βοΈ Balanced Overview Group",
+ "description": "Provides a well-rounded perspective.",
+ "members": ["analytical", "philosophical", "metaphorical"] # UPDATED: factual -> metaphorical
+ }
+}
+
+def initialize_configurations():
+ """Loads environment variables and initializes LLM configurations."""
+ global _configurations_initialized
+ global llm_planner, llm_synthesizer, llm_direct, llm_analytical, llm_scientific
+ global llm_philosophical, llm_factual, llm_metaphorical, llm_futuristic
+ global llm_mermaid_generator # <--- ADDED
+ global openai_async_client # Add new client to globals
+ global PERSONA_LLM_MAP
+
+ if _configurations_initialized:
+ return
+
+ print("Initializing configurations: Loading .env and setting up LLMs...")
+ load_dotenv()
+
+ # LLM CONFIGURATIONS
+ llm_planner = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.1)
+ llm_synthesizer = ChatOpenAI(model="gpt-4o-mini", temperature=0.4)
+ llm_direct = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.3)
+ llm_analytical = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.2)
+ llm_scientific = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.3)
+ llm_philosophical = ChatOpenAI(model="gpt-4o-mini", temperature=0.5)
+ llm_factual = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.1)
+ llm_metaphorical = ChatOpenAI(model="gpt-4o-mini", temperature=0.6)
+ llm_futuristic = ChatOpenAI(model="gpt-4o-mini", temperature=0.6)
+ llm_mermaid_generator = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.1) # <--- ADDED INITIALIZATION
+
+ # Initialize OpenAI client for DALL-E etc.
+ openai_async_client = AsyncOpenAI()
+
+ # Mapping persona IDs to their specific LLM instances
+ PERSONA_LLM_MAP.update({
+ "analytical": llm_analytical,
+ "scientific": llm_scientific,
+ "philosophical": llm_philosophical,
+ "factual": llm_factual,
+ "metaphorical": llm_metaphorical,
+ "futuristic": llm_futuristic,
+ })
+
+ _configurations_initialized = True
+ print("Configurations initialized.")
+
+# Load environment variables first
+# load_dotenv() # Moved to initialize_configurations
+
+# --- LLM CONFIGURATIONS ---
+# Configurations based on tests/test_llm_config.py
+# llm_planner = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.1) # Moved
+# llm_synthesizer = ChatOpenAI(model="gpt-4o-mini", temperature=0.4) # Moved
+# llm_direct = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.3) # Moved
+# llm_analytical = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.2) # Moved
+# llm_scientific = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.3) # Moved
+# llm_philosophical = ChatOpenAI(model="gpt-4o-mini", temperature=0.5) # Moved
+# llm_factual = ChatOpenAI(model="gpt-3.5-turbo", temperature=0.1) # Moved
+# llm_metaphorical = ChatOpenAI(model="gpt-4o-mini", temperature=0.6) # Moved
+# llm_futuristic = ChatOpenAI(model="gpt-4o-mini", temperature=0.6) # Moved
+
+# Mapping persona IDs to their specific LLM instances
+# PERSONA_LLM_MAP = { # Moved and will be populated in initialize_configurations
+# "analytical": llm_analytical,
+# "scientific": llm_scientific,
+# "philosophical": llm_philosophical,
+# "factual": llm_factual,
+# "metaphorical": llm_metaphorical,
+# "futuristic": llm_futuristic,
+ # Add other personas here if they have dedicated LLMs or share one from above
+# }
+
+# --- SYSTEM PROMPTS (from original app.py) ---
+DIRECT_SYSPROMPT = """You are a highly intelligent AI assistant that provides clear, direct, and helpful answers.
+Your responses should be accurate, concise, and well-reasoned."""
+
+SYNTHESIZER_SYSTEM_PROMPT_TEMPLATE = """You are a master synthesizer AI. Your task is to integrate the following diverse perspectives into a single, coherent, and insightful response. Ensure that the final synthesis is well-structured, easy to understand, and accurately reflects the nuances of each provided viewpoint. Do not simply list the perspectives; weave them together.
+
+Perspectives:
+{formatted_perspectives}
+
+Synthesized Response:"""
+
+# --- LANGGRAPH NODE FUNCTIONS (DUMMIES FOR NOW) ---
+async def run_planner_agent(state: InsightFlowState) -> InsightFlowState:
+ print(f"Node: run_planner_agent, Query: {state.get('query')}")
+ progress_msg = cl.user_session.get("progress_msg")
+ completed_steps_log = cl.user_session.get("completed_steps_log")
+
+ activity_description = "Planning research approach..."
+ activity_emoji = "π "
+ current_activity_display = f"{activity_emoji} {activity_description} (10%)"
+
+ if progress_msg:
+ progress_msg.content = f"**Current Activity:**\n{current_activity_display}"
+ if completed_steps_log:
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n{progress_msg.content}"
+ await progress_msg.update()
+
+ completed_steps_log.append(f"{activity_emoji} {activity_description}") # Log without percentage
+ cl.user_session.set("completed_steps_log", completed_steps_log)
+
+ state["current_step_name"] = "execute_persona_tasks"
+ return state
+
+async def execute_persona_tasks(state: InsightFlowState) -> InsightFlowState:
+ print(f"Node: execute_persona_tasks")
+ progress_msg = cl.user_session.get("progress_msg")
+ completed_steps_log = cl.user_session.get("completed_steps_log", [])
+
+ activity_description = "Generating perspectives from selected team..."
+ activity_emoji = "π§ "
+ current_activity_display = f"{activity_emoji} {activity_description} (20%)"
+
+ if progress_msg:
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n**Current Activity:**\n{current_activity_display}"
+ await progress_msg.update()
+
+ persona_factory: PersonaFactory = cl.user_session.get("persona_factory")
+ selected_persona_ids = state.get("selected_personas", [])
+ query = state.get("query")
+
+ if not selected_persona_ids:
+ state["persona_responses"] = {"error": "No personas selected for perspective generation."}
+ state["current_step_name"] = "synthesize_responses" # Or an error handling state
+ if progress_msg: completed_steps_log.append(f"{activity_emoji} {activity_description} - No personas selected.")
+ cl.user_session.set("completed_steps_log", completed_steps_log)
+ return state
+
+ await cl.Message(content=f"Invoking {len(selected_persona_ids)} personas...").send()
+
+ tasks = []
+ # --- RAG Enhancement ---
+ embedding_model = cl.user_session.get("embedding_model_instance") # <--- GET MODEL FROM SESSION
+ global_rag_enabled = cl.user_session.get("enable_rag", True)
+ # --- End RAG Enhancement ---
+
+ valid_persona_ids_for_results = [] # Keep track of personas for which tasks were created
+ for persona_id in selected_persona_ids:
+ persona_llm = PERSONA_LLM_MAP.get(persona_id.lower())
+ if not persona_llm:
+ print(f"Warning: LLM not found for persona {persona_id}. Skipping.")
+ continue
+
+ persona = persona_factory.create_persona(persona_id, persona_llm)
+ if persona:
+ final_query_for_llm = query # Default to original query
+
+ # --- RAG Integration for Balanced Team Personas ---
+ if global_rag_enabled and persona.persona_id.lower() in RAG_ENABLED_PERSONA_IDS: # Check global toggle first; Changed persona.id to persona.persona_id
+ if embedding_model:
+ rag_progress_message = f"\n π Persona '{persona.name}' (RAG enabled): Searching knowledge base for context related to: '{query[:50]}...'"
+ if progress_msg: await progress_msg.stream_token(rag_progress_message)
+ print(rag_progress_message.strip())
+
+ retrieved_context = await get_relevant_context_for_query(query, persona.persona_id, embedding_model)
+
+ if retrieved_context:
+ context_log_msg = f" β Context retrieved for '{persona.name}'. Augmenting prompt."
+ # print(f"Retrieved context for {persona.id}:\n{retrieved_context}") # Full context - verbose
+ final_query_for_llm = f"""As the {persona.name}, consider the following retrieved context to answer the user's query.
+Integrate this context with your inherent expertise and perspective.
+
+Retrieved Context:
+---
+{retrieved_context}
+---
+
+User Query: {query}
+
+Answer as {persona.name}:
+"""
+ if progress_msg: await progress_msg.stream_token(f"\n π‘ Context found for {persona.name}. Crafting response...")
+ print(context_log_msg)
+ else:
+ no_context_log_msg = f" βΉοΈ No specific context found for '{persona.name}' for this query. Relying on general knowledge."
+ if progress_msg: await progress_msg.stream_token(f"\n π§ No specific context found for {persona.name}. Proceeding with general knowledge...")
+ print(no_context_log_msg)
+ # Prompt when no context is found - persona relies on its base system prompt and expertise
+ # The persona.generate_perspective method will use its inherent system_prompt.
+ # We can just pass the original query, or a slightly modified one indicating no specific context was found.
+ final_query_for_llm = f"""As the {persona.name}, answer the user's query using your inherent expertise and perspective.
+No specific context from the knowledge base was retrieved for this particular query.
+
+User Query: {query}
+
+Answer as {persona.name}:
+"""
+ else:
+ no_embed_msg = f"\n β οΈ Embedding model (current selection) not available for RAG for persona '{persona.name}'. Using general knowledge."
+ if progress_msg: await progress_msg.stream_token(no_embed_msg)
+ print(no_embed_msg.strip())
+ # --- End RAG Integration ---
+
+ # Stream persona-specific LLM call message
+ llm_call_msg = f"\n π£οΈ Consulting AI for {persona.name} perspective..."
+ if progress_msg: await progress_msg.stream_token(llm_call_msg)
+ print(llm_call_msg.strip())
+
+ tasks.append(persona.generate_perspective(final_query_for_llm)) # Use final_query_for_llm
+ valid_persona_ids_for_results.append(persona_id)
+ else:
+ print(f"Warning: Could not create persona object for {persona_id}. Skipping.")
+
+ state["persona_responses"] = {} # Initialize/clear previous responses
+ if tasks:
+ try:
+ # Timeout logic can be added here if needed for asyncio.gather
+ if progress_msg: await progress_msg.stream_token(f"\n βͺ Invoking {len(valid_persona_ids_for_results)} personas...")
+ persona_results = await asyncio.gather(*tasks)
+ # Store responses keyed by the valid persona_ids used for tasks
+ for i, persona_id in enumerate(valid_persona_ids_for_results):
+ state["persona_responses"][persona_id] = persona_results[i]
+ except Exception as e:
+ print(f"Error during persona perspective generation: {e}")
+ state["error_message"] = f"Error generating perspectives: {str(e)[:100]}"
+ # Optionally, populate partial results if some tasks succeeded before error
+ # For now, just reports error. Individual task errors could be handled in PersonaReasoning too.
+
+ if progress_msg:
+ completed_activity_description = "Perspectives generated."
+ # Emoji for this completed step was π§ from current_activity_display
+ completed_steps_log.append(f"{activity_emoji} {completed_activity_description}")
+ cl.user_session.set("completed_steps_log", completed_steps_log)
+
+ # Display updated completed list; the next node will set the new "Current Activity"
+ # For this brief moment, show only completed steps before next node updates with its current activity
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n**Current Activity:**\nβ Perspectives generated. (60%)" # Show this as current before next node takes over
+ await progress_msg.update()
+
+ state["current_step_name"] = "synthesize_responses"
+ return state
+
+async def synthesize_responses(state: InsightFlowState) -> InsightFlowState:
+ print(f"Node: synthesize_responses")
+ progress_msg = cl.user_session.get("progress_msg")
+ completed_steps_log = cl.user_session.get("completed_steps_log")
+
+ activity_description = "Synthesizing insights..."
+ activity_emoji = "βοΈ"
+ current_activity_display = f"{activity_emoji} {activity_description} (65%)"
+
+ if progress_msg:
+ progress_msg.content = f"**Current Activity:**\n{current_activity_display}"
+ if completed_steps_log:
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n{progress_msg.content}"
+ await progress_msg.update()
+
+ persona_responses = state.get("persona_responses", {})
+
+ if not persona_responses:
+ print("No persona responses to synthesize.")
+ state["synthesized_response"] = "No perspectives were available to synthesize."
+ state["current_step_name"] = "generate_visualization"
+ return state
+
+ formatted_perspectives_list = []
+ for persona_id, response_text in persona_responses.items():
+ formatted_perspectives_list.append(f"- Perspective from {persona_id}: {response_text}")
+
+ formatted_perspectives_string = "\n".join(formatted_perspectives_list)
+
+ final_prompt_content = SYNTHESIZER_SYSTEM_PROMPT_TEMPLATE.format(
+ formatted_perspectives=formatted_perspectives_string
+ )
+
+ messages = [
+ SystemMessage(content=final_prompt_content)
+ ]
+
+ try:
+ # Ensure llm_synthesizer is available (initialized by initialize_configurations)
+ if llm_synthesizer is None:
+ print("Error: llm_synthesizer is not initialized.")
+ state["error_message"] = "Synthesizer LLM not available."
+ state["synthesized_response"] = "Synthesis failed due to internal error."
+ state["current_step_name"] = "error_presenting" # Or a suitable error state
+ return state
+
+ ai_response = await llm_synthesizer.ainvoke(messages)
+ synthesized_text = ai_response.content
+ state["synthesized_response"] = synthesized_text
+ print(f"Synthesized response: {synthesized_text[:200]}...") # Log snippet
+ except Exception as e:
+ print(f"Error during synthesis: {e}")
+ state["error_message"] = f"Synthesis error: {str(e)[:100]}"
+ state["synthesized_response"] = "Synthesis failed."
+ # Optionally, decide if we proceed to visualization or an error state
+ # For now, let's assume we still try to visualize if there's a partial/failed synthesis
+
+ if progress_msg:
+ completed_activity_description = "Insights synthesized."
+ completed_steps_log.append(f"{activity_emoji} {completed_activity_description}")
+ cl.user_session.set("completed_steps_log", completed_steps_log)
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n**Current Activity:**\nβ Insights synthesized. (80%)"
+ await progress_msg.update()
+
+ state["current_step_name"] = "generate_visualization"
+ return state
+
+async def generate_visualization(state: InsightFlowState) -> InsightFlowState:
+ print(f"Node: generate_visualization")
+ progress_msg = cl.user_session.get("progress_msg")
+ completed_steps_log = cl.user_session.get("completed_steps_log")
+
+ activity_description = "Creating visualizations..."
+ activity_emoji = "π¨"
+ current_activity_display = f"{activity_emoji} {activity_description} (85%)"
+
+ if progress_msg:
+ progress_msg.content = f"**Current Activity:**\n{current_activity_display}"
+ if completed_steps_log:
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n{progress_msg.content}"
+ await progress_msg.update()
+
+ synthesized_response = state.get("synthesized_response")
+ image_url = None
+ mermaid_code_output = None # Changed variable name for clarity
+
+ # DALL-E Image Generation (existing logic)
+ if synthesized_response and openai_async_client:
+ # Log the full DALL-E prompt for debugging if issues persist
+ # print(f"Full DALL-E prompt for visualization: {dalle_prompt}")
+ dalle_prompt = f"A hand-drawn style visual note or sketch representing the key concepts of: {synthesized_response}"
+ if len(dalle_prompt) > 4000:
+ dalle_prompt = dalle_prompt[:3997] + "..."
+
+ print(f"Attempting DALL-E image generation for: {dalle_prompt[:100]}...")
+ image_url = await generate_dalle_image(prompt=dalle_prompt, client=openai_async_client)
+ if image_url:
+ state["visualization_image_url"] = image_url
+ print(f"DALL-E Image URL: {image_url}")
+ else:
+ print("DALL-E image generation failed or returned no URL.")
+ state["visualization_image_url"] = None
+ elif not synthesized_response:
+ print("No synthesized response available to generate DALL-E image.")
+ state["visualization_image_url"] = None
+ elif not openai_async_client:
+ print("OpenAI async client not initialized, skipping DALL-E generation.")
+ state["visualization_image_url"] = None
+
+ # Mermaid Code Generation
+ if synthesized_response and llm_mermaid_generator: # Check if both are available
+ print(f"Attempting Mermaid code generation for: {synthesized_response[:100]}...")
+ mermaid_code_output = await generate_mermaid_code(synthesized_response, llm_mermaid_generator)
+ if mermaid_code_output:
+ state["visualization_code"] = mermaid_code_output
+ print(f"Mermaid code generated: {mermaid_code_output[:100]}...")
+ else:
+ print("Mermaid code generation failed or returned no code.")
+ state["visualization_code"] = None # Ensure it's None if failed
+ else:
+ print("Skipping Mermaid code generation due to missing response or LLM.")
+ state["visualization_code"] = None
+
+ if progress_msg:
+ completed_activity_description = "Visualizations created."
+ completed_steps_log.append(f"{activity_emoji} {completed_activity_description}")
+ cl.user_session.set("completed_steps_log", completed_steps_log)
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n**Current Activity:**\nβ Visualizations created. (95%)"
+ await progress_msg.update()
+
+ state["current_step_name"] = "present_results"
+ return state
+
+async def present_results(state: InsightFlowState) -> InsightFlowState:
+ print(f"Node: present_results")
+ progress_msg = cl.user_session.get("progress_msg")
+ completed_steps_log = cl.user_session.get("completed_steps_log")
+
+ activity_description = "Preparing final presentation..."
+ activity_emoji = "π"
+ current_activity_display = f"{activity_emoji} {activity_description} (98%)"
+
+ if progress_msg:
+ progress_msg.content = f"**Current Activity:**\n{current_activity_display}"
+ if completed_steps_log:
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n{progress_msg.content}"
+ await progress_msg.update()
+
+ show_visualization = cl.user_session.get("show_visualization", True)
+ show_perspectives = cl.user_session.get("show_perspectives", True)
+ synthesized_response = state.get("synthesized_response")
+
+ # 1. Send Synthesized Response (always)
+ if synthesized_response:
+ await cl.Message(content=synthesized_response, author="Synthesized Insight").send()
+ else:
+ await cl.Message(content="No synthesized response was generated.", author="System").send()
+
+ # 2. Send Visualizations (if enabled and available)
+ if show_visualization:
+ image_url = state.get("visualization_image_url")
+ if image_url:
+ image_element = cl.Image(
+ url=image_url,
+ name="dalle_visualization",
+ display="inline",
+ size="large"
+ )
+ # Send image with a title in the content or as a separate message
+ await cl.Message(content="Visual Summary:", elements=[image_element], author="System").send()
+
+ mermaid_code = state.get("visualization_code")
+ if mermaid_code:
+ mermaid_element = cl.Text(
+ content=mermaid_code,
+ mime_type="text/mermaid",
+ name="generated_diagram",
+ display="inline"
+ )
+ await cl.Message(content="Concept Map:", elements=[mermaid_element], author="System").send()
+
+ # 3. Send Persona Perspectives within cl.Collapse (if enabled and available)
+ if show_perspectives:
+ persona_responses = state.get("persona_responses")
+ if persona_responses:
+ perspective_elements = []
+ for persona_id, response_text in persona_responses.items():
+ if response_text:
+ # Temporarily revert to sending simple messages for perspectives
+ await cl.Message(content=f"**Perspective from {persona_id.capitalize()}:**\n{response_text}", author=persona_id.capitalize()).send()
+ # perspective_elements.append(
+ # Collapse( # <--- COMMENT OUT USAGE
+ # label=f"ποΈ Perspective from {persona_id.capitalize()}",
+ # content=response_text,
+ # initial_collapsed=True # Start collapsed
+ # )
+ # )
+ # if perspective_elements:
+ # await cl.Message(
+ # content="Dive Deeper into Individual Perspectives:",
+ # elements=perspective_elements,
+ # author="System"
+ # ).send()
+
+ state["current_step_name"] = "results_presented"
+
+ if progress_msg:
+ # Log the "Preparing presentation" step as completed first
+ completed_steps_log.append(f"{activity_emoji} {activity_description}")
+ cl.user_session.set("completed_steps_log", completed_steps_log)
+
+ # Show the 100% completion message as current activity initially
+ final_emoji = "β¨"
+ final_message_description = "All insights presented!"
+ current_activity_display = f"{final_emoji} {final_message_description} (100%)"
+
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n**Current Activity:**\n{current_activity_display}"
+ await progress_msg.update()
+
+ # Now, move the 100% step to completed and finalize the progress message
+ await cl.sleep(0.5) # Optional short delay for UI to update before final change
+ completed_steps_log.append(f"{final_emoji} {final_message_description}")
+ cl.user_session.set("completed_steps_log", completed_steps_log)
+
+ # Generate witty remark
+ query_for_remark = state.get("query", "this topic")
+ personas_for_remark = state.get("selected_personas", [])
+ snippet_for_remark = state.get("synthesized_response")
+ witty_remark = await generate_witty_completion_remark(query_for_remark, personas_for_remark, snippet_for_remark)
+
+ progress_msg.content = f"**Completed Steps:**\n{(chr(10)).join(completed_steps_log)}\n\n{witty_remark}"
+ await progress_msg.update()
+
+ # Send a final message that all content is loaded, then actions
+ await cl.Message(content="All insights presented. You can now export the results.").send()
+
+ # Add Export Actions
+ export_actions = [
+ cl.Action(name="export_markdown", label="Export to Markdown", value="markdown", description="Export results to a Markdown file.", payload={}),
+ cl.Action(name="export_pdf", label="Export to PDF", value="pdf", description="Export results to a PDF file.", payload={})
+ ]
+ await cl.Message(content="", actions=export_actions).send()
+
+ return state
+
+# --- LANGGRAPH SETUP ---
+insight_graph_builder = StateGraph(InsightFlowState)
+
+# Add nodes
+insight_graph_builder.add_node("planner_agent", run_planner_agent)
+insight_graph_builder.add_node("execute_persona_tasks", execute_persona_tasks)
+insight_graph_builder.add_node("synthesize_responses", synthesize_responses)
+insight_graph_builder.add_node("generate_visualization", generate_visualization)
+insight_graph_builder.add_node("present_results", present_results)
+
+# Set entry point
+insight_graph_builder.set_entry_point("planner_agent")
+
+# Add edges
+insight_graph_builder.add_edge("planner_agent", "execute_persona_tasks")
+insight_graph_builder.add_edge("execute_persona_tasks", "synthesize_responses")
+insight_graph_builder.add_edge("synthesize_responses", "generate_visualization")
+insight_graph_builder.add_edge("generate_visualization", "present_results")
+insight_graph_builder.add_edge("present_results", END)
+
+# Compile the graph
+insight_flow_graph = insight_graph_builder.compile()
+
+print("LangGraph setup complete.")
+
+# --- CUSTOM CALLBACK HANDLER FOR PROGRESS UPDATES --- #
+class InsightFlowCallbackHandler(AsyncCallbackHandler):
+ def __init__(self, progress_message: cl.Message):
+ self.progress_message = progress_message
+ self.step_counter = 0
+
+ async def on_chain_start(
+ self, serialized: Dict[str, Any], inputs: Dict[str, Any], **kwargs: Any
+ ) -> None:
+ """Run when chain starts running. Now simplified as nodes will provide more specific updates."""
+ # This callback might still be useful for very generic LangGraph level start/stop
+ # but specific node progress will be handled within the node functions themselves.
+ # Avoid printing "Unknown chain/node" if possible.
+ # langgraph_event_name = serialized.get("name") or (serialized.get("id")[-1] if isinstance(serialized.get("id"), list) and serialized.get("id") else None)
+ # if self.progress_message and langgraph_event_name and not langgraph_event_name.startswith("__"):
+ # self.step_counter += 1
+ # await self.progress_message.stream_token(f"\nβ³ Step {self.step_counter}: Processing {langgraph_event_name}...\")
+ pass # Node functions will now handle more granular progress updates
+
+ async def on_llm_start(
+ self, serialized: Dict[str, Any], prompts: List[str], **kwargs: Any
+ ) -> None:
+ """Run when LLM starts running. This will now be more generic or can be removed if node-specific messages are enough."""
+ # llm_display_name = "LLM" # Sensible default
+ # if serialized:
+ # id_list = serialized.get("id")
+ # if isinstance(id_list, list) and len(id_list) > 0:
+ # raw_name_part = id_list[0]
+ # if isinstance(raw_name_part, str):
+ # if "ChatOpenAI".lower() in raw_name_part.lower():
+ # llm_display_name = "OpenAI Model"
+ # elif "LLM" in raw_name_part.upper():
+ # llm_display_name = raw_name_part
+
+ # name_val = serialized.get("name")
+ # if isinstance(name_val, str) and name_val != "Unknown LLM":
+ # if llm_display_name == "LLM" or len(name_val) > len(llm_display_name):
+ # llm_display_name = name_val
+
+ # update_text = f"π£οΈ Consulting {llm_display_name}... "
+ # if self.progress_message:
+ # # print(f"DEBUG on_llm_start serialized: {serialized}")
+ # await self.progress_message.stream_token(f"\n L {update_text}")
+ pass # Specific LLM call messages are now sent from execute_persona_tasks
+
+ # We can add on_agent_action, on_tool_start for more granular updates if nodes use agents/tools
+ # For now, on_chain_start (which LangGraph nodes trigger) and on_llm_start should give good visibility.
+
+ async def on_chain_end(self, outputs: Dict[str, Any], **kwargs: Any) -> None:
+ """Run when chain ends running."""
+ # chain_name = kwargs.get("name", "a process") # LangGraph provides name in kwargs for on_chain_end
+ # if self.progress_message:
+ # await self.progress_message.stream_token(f"\nCompleted: {chain_name}.\")
+ pass # Node functions will provide end-of-node context if needed
+
+# This allows the test to import these names from app if needed
+__all__ = [
+ "InsightFlowState", "on_chat_start", "on_message",
+ "invoke_direct_llm", "invoke_langgraph",
+ "run_planner_agent", "execute_persona_tasks", "synthesize_responses",
+ "generate_visualization", "present_results",
+ "StateGraph", # Expose StateGraph if tests patch app.StateGraph directly
+ "initialize_configurations", # Expose for testing
+ "on_export_markdown", "on_export_pdf" # Add new export handlers
+]
+
+# --- CHAT SETTINGS HELPER ---
+async def _apply_chat_settings_to_state():
+ """Reads chat settings and updates session and insight_flow_state."""
+ chat_settings_values = cl.user_session.get("chat_settings", {})
+ insight_flow_state: InsightFlowState = cl.user_session.get("insight_flow_state")
+ persona_factory: PersonaFactory = cl.user_session.get("persona_factory")
+
+ if not insight_flow_state or not persona_factory:
+ # Should not happen if on_chat_start ran correctly
+ print("Error: State or persona factory not found while applying chat settings.")
+ return
+
+ # Update modes in user_session
+ cl.user_session.set("direct_mode", chat_settings_values.get("direct_mode", False))
+ cl.user_session.set("quick_mode", chat_settings_values.get("quick_mode", False))
+ cl.user_session.set("show_perspectives", chat_settings_values.get("show_perspectives", True))
+ cl.user_session.set("show_visualization", chat_settings_values.get("show_visualization", True))
+ cl.user_session.set("enable_rag", chat_settings_values.get("enable_rag", True)) # Read the RAG toggle
+
+ # Embedding model toggle
+ new_use_finetuned_setting = chat_settings_values.get("use_finetuned_embedding", False)
+ current_use_finetuned_setting = cl.user_session.get("use_finetuned_embedding", False)
+ cl.user_session.set("use_finetuned_embedding", new_use_finetuned_setting)
+
+ if new_use_finetuned_setting != current_use_finetuned_setting:
+ print("Embedding model setting changed. Re-initializing model.")
+ await _initialize_embedding_model_in_session() # Re-initialize if toggle changed
+
+ # Update selected_personas in insight_flow_state
+ selected_personas_from_settings = []
+ available_persona_ids = persona_factory.get_available_personas().keys()
+ for persona_id in available_persona_ids:
+ if chat_settings_values.get(f"persona_{persona_id}", False):
+ selected_personas_from_settings.append(persona_id)
+
+ # Check if a team is selected and override individual selections
+ selected_team_id = chat_settings_values.get("selected_team")
+ if selected_team_id and selected_team_id != "none":
+ team_info = PERSONA_TEAMS.get(selected_team_id)
+ if team_info and "members" in team_info:
+ selected_personas_from_settings = list(team_info["members"]) # Use team members
+ print(f"Team '{team_info['name']}' selected, overriding individual personas.")
+
+ mutable_state = insight_flow_state.copy()
+ mutable_state["selected_personas"] = selected_personas_from_settings
+ cl.user_session.set("insight_flow_state", mutable_state)
+
+ print(f"Applied chat settings: Direct Mode: {cl.user_session.get('direct_mode')}, Quick Mode: {cl.user_session.get('quick_mode')}")
+ print(f"Selected Personas from settings: {selected_personas_from_settings}")
+
+@cl.on_chat_start
+async def on_chat_start():
+ """Initializes session state, chat settings, and sends a welcome message."""
+ # global _configurations_initialized # No longer need _embedding_model_initialized here
+ # The global keyword is only needed if you assign to the global variable in this scope.
+ # We are only reading _configurations_initialized here.
+
+ if not _configurations_initialized:
+ initialize_configurations()
+
+ # Initialize with default embedding model (OpenAI) first
+ # This sets "use_finetuned_embedding" to False in session if not already there
+ await _initialize_embedding_model_in_session(force_openai=True)
+
+ persona_factory = PersonaFactory()
+ cl.user_session.set("persona_factory", persona_factory)
+
+ # Default selections for personas/teams
+ default_team_id = "balanced_overview"
+ default_selected_personas = list(PERSONA_TEAMS[default_team_id]["members"])
+
+ # Default UI toggles (excluding embedding toggle, handled by _initialize_embedding_model_in_session)
+ default_direct_mode = False
+ default_quick_mode = False
+ default_show_perspectives = True
+ default_show_visualization = True
+ default_enable_rag = True # Default RAG to ON
+ # default_use_finetuned_embedding is set by _initialize_embedding_model_in_session(force_openai=True)
+
+ initial_state = InsightFlowState(
+ panel_type="research",
+ query="",
+ selected_personas=default_selected_personas,
+ persona_responses={},
+ synthesized_response=None,
+ visualization_code=None,
+ visualization_image_url=None,
+ current_step_name="awaiting_query",
+ error_message=None
+ )
+ cl.user_session.set("insight_flow_state", initial_state)
+
+ cl.user_session.set("direct_mode", default_direct_mode)
+ cl.user_session.set("quick_mode", default_quick_mode)
+ cl.user_session.set("show_perspectives", default_show_perspectives)
+ cl.user_session.set("show_visualization", default_show_visualization)
+ cl.user_session.set("enable_rag", default_enable_rag)
+
+ settings_inputs = []
+
+ settings_inputs.append(
+ Switch(id="enable_rag", label="βοΈ Enable RAG Features (for supported personas)", initial=default_enable_rag)
+ )
+ settings_inputs.append(
+ Switch(id="use_finetuned_embedding",
+ label="π¬ Use Fine-tuned Embedding (Balanced Team - if available)",
+ initial=cl.user_session.get("use_finetuned_embedding", False)) # Initial from session
+ )
+
+ team_items = {"-- Select a Team (Optional) --": "none"}
+ for team_id, team_info in PERSONA_TEAMS.items():
+ team_items[team_info["name"]] = team_id
+
+ settings_inputs.append(
+ Select(
+ id="selected_team",
+ label="π― Persona Team (Overrides individual toggles for processing)", # Corrected quotes
+ items=team_items,
+ initial_value=default_team_id # This should be fine as it's a variable
+ )
+ )
+ # settings_inputs.append(cl.Divider()) # Keep commented for now
+
+ for persona_id, persona_config in persona_factory.persona_configs.items():
+ settings_inputs.append(
+ Switch(
+ id=f"persona_{persona_id}",
+ label=persona_config["name"],
+ initial=persona_id in default_selected_personas
+ )
+ )
+
+ settings_inputs.extend([
+ Switch(id="direct_mode", label="π Direct Mode (Quick, single LLM answers)", initial=default_direct_mode),
+ Switch(id="quick_mode", label="β‘ Quick Mode (Uses max 2 personas)", initial=default_quick_mode),
+ Switch(id="show_perspectives", label="ποΈ Show Individual Perspectives", initial=default_show_perspectives),
+ Switch(id="show_visualization", label="π¨ Show Visualizations (DALL-E & Mermaid)", initial=default_show_visualization)
+ ])
+
+ await cl.ChatSettings(inputs=settings_inputs).send()
+
+ # New Welcome Message
+ welcome_message_content = "π **Welcome to InsightFlow AI!** Dive deep into any topic with a symphony of AI perspectives. I can analyze, synthesize, and even visualize complex information. Configure your AI team using the βοΈ settings, then ask your question!"
+
+ await cl.Message(content=welcome_message_content).send()
+
+ cl.user_session.set("progress_msg", None)
+
+# Placeholder for direct LLM invocation logic
+async def invoke_direct_llm(query: str):
+ print(f"invoke_direct_llm called with query: {query}")
+
+ messages = [
+ SystemMessage(content=DIRECT_SYSPROMPT),
+ HumanMessage(content=query)
+ ]
+
+ response_message = cl.Message(content="")
+ await response_message.send()
+
+ async for chunk in llm_direct.astream(messages):
+ if chunk.content:
+ await response_message.stream_token(chunk.content)
+
+ await response_message.update() # Finalize the streamed message
+ return "Direct response streamed" # Test expects a return, actual content is streamed
+
+# Placeholder for LangGraph invocation logic
+async def invoke_langgraph(query: str, initial_state: InsightFlowState):
+ print(f"invoke_langgraph called with query: {query}")
+
+ cl.user_session.set("completed_steps_log", [])
+
+ progress_msg = cl.Message(content="")
+ await progress_msg.send()
+ # Initial message only shows current activity, no completed steps yet.
+ progress_msg.content = "**Current Activity:**\nβ³ Initializing InsightFlow process... (0%)"
+ await progress_msg.update()
+ cl.user_session.set("progress_msg", progress_msg)
+
+ # Setup callback handler - still useful for LLM calls or other low-level events if desired
+ callback_handler = InsightFlowCallbackHandler(progress_message=progress_msg)
+
+ current_state = initial_state.copy() # Work with a copy
+ current_state["query"] = query
+ current_state["current_step_name"] = "planner_agent" # Reset step for new invocation
+
+ # Check for Quick Mode and adjust personas if needed
+ quick_mode_active = cl.user_session.get("quick_mode", False) # Default to False if not set
+ if quick_mode_active:
+ print("Quick Mode is ON. Using predefined quick mode personas.")
+ current_state["selected_personas"] = list(QUICK_MODE_PERSONAS) # Ensure it's a new list copy
+ # If quick_mode is OFF, selected_personas from initial_state (set by on_chat_start or commands) will be used.
+
+ # Prepare config for LangGraph invocation (e.g., for session/thread ID)
+ # In a Chainlit context, cl.user_session.get("id") can give a thread_id
+ thread_id = cl.user_session.get("id", "default_thread_id") # Get Chainlit thread_id or a default
+ config = {
+ "configurable": {"thread_id": thread_id},
+ "callbacks": [callback_handler] # Add our callback handler
+ }
+
+ # progress_msg = cl.Message(content="β³ Processing with InsightFlow (0%)...") # OLD TODO
+ # await progress_msg.send()
+ # cl.user_session.set("progress_msg", progress_msg)
+
+ final_state = await insight_flow_graph.ainvoke(current_state, config=config)
+
+ # Final progress update
+ if progress_msg:
+ await progress_msg.update() # Ensure final content (100%) is sent and displayed
+
+ # The present_results node should handle sending messages.
+ # invoke_langgraph will return the final state which on_message saves.
+ return final_state
+
+@cl.on_message
+async def on_message(message: cl.Message):
+ """Handles incoming user messages and routes based on direct_mode."""
+
+ # Apply the latest settings from UI to the session and state
+ await _apply_chat_settings_to_state()
+
+ direct_mode = cl.user_session.get("direct_mode") # Values now reflect chat settings
+ msg_content_lower = message.content.lower().strip()
+
+ # Command handling (can be kept as backups or for power users)
+ if msg_content_lower == "/direct on":
+ cl.user_session.set("direct_mode", True)
+ await cl.Message(content="Direct mode ENABLED.").send()
+ return # Command processed, no further action
+ elif msg_content_lower == "/direct off":
+ cl.user_session.set("direct_mode", False)
+ await cl.Message(content="Direct mode DISABLED.").send()
+ return # Command processed, no further action
+
+ # Command handling for /show perspectives
+ elif msg_content_lower == "/show perspectives on":
+ cl.user_session.set("show_perspectives", True)
+ await cl.Message(content="Show perspectives ENABLED.").send()
+ return
+ elif msg_content_lower == "/show perspectives off":
+ cl.user_session.set("show_perspectives", False)
+ await cl.Message(content="Show perspectives DISABLED.").send()
+ return
+
+ # Command handling for /show visualization
+ elif msg_content_lower == "/show visualization on":
+ cl.user_session.set("show_visualization", True)
+ await cl.Message(content="Show visualization ENABLED.").send()
+ return
+ elif msg_content_lower == "/show visualization off":
+ cl.user_session.set("show_visualization", False)
+ await cl.Message(content="Show visualization DISABLED.").send()
+ return
+
+ # Command handling for /quick_mode
+ elif msg_content_lower == "/quick_mode on":
+ cl.user_session.set("quick_mode", True)
+ await cl.Message(content="Quick mode ENABLED.").send()
+ return
+ elif msg_content_lower == "/quick_mode off":
+ cl.user_session.set("quick_mode", False)
+ await cl.Message(content="Quick mode DISABLED.").send()
+ return
+ elif msg_content_lower == "/help": # <-- ADD /help COMMAND HANDLER
+ await send_help_message()
+ return
+
+ # If not a /direct command, proceed with existing direct_mode check for LLM calls
+ if direct_mode: # This direct_mode is now sourced from chat settings via _apply_chat_settings_to_state
+ await invoke_direct_llm(message.content)
+ else:
+ insight_flow_state = cl.user_session.get("insight_flow_state")
+ if not insight_flow_state:
+ # Fallback if state isn't somehow initialized
+ await cl.Message(content="Error: Session state not found. Please restart the chat.").send()
+ return
+
+ # The selected_personas in insight_flow_state have been updated by _apply_chat_settings_to_state
+ # The quick_mode check within invoke_langgraph will use cl.user_session.get("quick_mode")
+ # which was also updated by _apply_chat_settings_to_state.
+ updated_state = await invoke_langgraph(message.content, insight_flow_state)
+ cl.user_session.set("insight_flow_state", updated_state) # Save updated state
+
+print("app.py initialized with LLMs, on_chat_start, and on_message defined")
+
+# --- NEW EXPORT ACTION STUBS ---
+@cl.action_callback("export_markdown")
+async def on_export_markdown(action: cl.Action):
+ # Placeholder for Markdown export logic
+ await cl.Message(content=f"Markdown export for action '{action.name}' initiated (not fully implemented).").send()
+
+@cl.action_callback("export_pdf")
+async def on_export_pdf(action: cl.Action):
+ # Placeholder for PDF export logic
+ await cl.Message(content=f"PDF export for action '{action.name}' initiated (not fully implemented).").send()
+
+# --- NEW FUNCTION FOR WITTY COMPLETION REMARKS ---
+async def generate_witty_completion_remark(query: str, selected_persona_ids: List[str], synthesized_snippet: Optional[str]) -> str:
+ if not llm_direct: # Ensure llm_direct is initialized
+ print("llm_direct not initialized, cannot generate witty remark.")
+ return "Intellectual journey complete! Bravo! βοΈ" # Fallback
+
+ persona_factory: PersonaFactory = cl.user_session.get("persona_factory")
+ persona_names = []
+ if persona_factory:
+ for pid in selected_persona_ids:
+ config = persona_factory.persona_configs.get(pid)
+ if config and config.get("name"):
+ persona_names.append(config["name"])
+ else:
+ persona_names.append(pid.capitalize())
+ else:
+ persona_names = [pid.capitalize() for pid in selected_persona_ids]
+
+ persona_names_str = ", ".join(persona_names) if persona_names else "various"
+ if not synthesized_snippet: synthesized_snippet = "a fascinating topic"
+ if len(synthesized_snippet) > 100: synthesized_snippet = synthesized_snippet[:97] + "..."
+
+ prompt_template = f"""You are a charming and slightly cheeky AI host, like a talk show host wrapping up a segment.
+The user just explored the query: '{query}'
+with insights from {persona_names_str} perspectives.
+The main takeaway was about: '{synthesized_snippet}'.
+Craft a short, witty, and encouraging closing remark (1-2 sentences, max 25 words) to signify the completion.
+Example: 'And that, folks, is how you dissect a universe! Until next time, keep those neurons firing!'
+Another Example: 'Well, that was a delightful dive into the rabbit hole of {query}! Stay curious!'
+Your remark:"""
+
+ messages = [SystemMessage(content=prompt_template)]
+ try:
+ response = await llm_direct.ainvoke(messages)
+ remark = response.content.strip()
+ # Basic filter for overly long or nonsensical remarks if needed, though prompt should guide it
+ if len(remark) > 150 or len(remark) < 10: # Arbitrary length check
+ return "And that's a wrap on that fascinating exploration! What's next? βοΈ"
+ return f"{remark} βοΈ"
+ except Exception as e:
+ print(f"Error generating witty remark: {e}")
+ return "Exploration complete! Well done! βοΈ" # Fallback on error
+
+# --- HELP MESSAGE FUNCTION ---
+async def send_help_message():
+ """Sends the detailed help message to the user."""
+ help_text_md = """# Welcome to InsightFlow AI - Your Guide!
+
+InsightFlow AI is designed to help you explore complex topics with depth and clarity by providing multiple AI-driven perspectives, synthesizing them into a coherent understanding, and even offering visual summaries. Think of it as your personal team of AI research assistants!
+
+## What Can InsightFlow AI Do?
+
+* **Multi-Perspective Analysis:** Instead of a single answer, InsightFlow AI engages a team of specialized AI "personas" (e.g., Analytical, Philosophical, Scientific) to examine your query from different angles. This provides a richer, more nuanced understanding.
+* **Insight Synthesis:** The individual perspectives are then intelligently combined into a single, comprehensive synthesized response.
+* **Visualizations (Optional):**
+ * **DALL-E Sketches:** Get a conceptual, hand-drawn style visual note summarizing the key ideas.
+ * **Mermaid Diagrams:** See a concept map illustrating the relationships between your query, the personas, and the synthesized view.
+* **RAG (Retrieval Augmented Generation - for supported personas):** For certain personas, the AI can search a dedicated knowledge base of relevant documents to ground its responses in specific information, enhancing accuracy and depth.
+* **Flexible Interaction Modes:**
+ * **Full Multi-Persona Mode:** The default mode, engaging your selected team for in-depth analysis.
+ * **Direct Mode:** Get a quick, straightforward answer from a single LLM, bypassing the multi-persona/LangGraph system.
+ * **Quick Mode:** A faster multi-persona analysis using a reduced set of (currently 2) predefined personas.
+* **Exportable Results:** You'll be able to export your analysis (though this feature is still under full development).
+
+## Why Does It Work This Way? (The Philosophy)
+
+InsightFlow AI is built on the idea that complex topics are best understood by examining them from multiple viewpoints. Just like a team of human experts can provide more comprehensive insight than a single individual, our AI personas work together to give you a more well-rounded and deeply considered response. The structured workflow (managed by LangGraph) ensures a methodical approach to generating and synthesizing these perspectives.
+
+## Using the Settings (βοΈ Gear Icon)
+
+You can customize your InsightFlow AI experience using the settings panel:
+
+* **βοΈ Enable RAG Features:**
+ * **Functionality:** (Currently being refined) When enabled, personas designated as "RAG-enabled" (like Analytical, Philosophical, Metaphorical on the Balanced Team) will attempt to search their specific knowledge bases for relevant context before generating their perspective. This can lead to more informed and detailed answers.
+ * **Status:** Basic RAG data loading and vector store creation for personas is active. The quality and breadth of data sources are still being expanded.
+
+* **π― Persona Team:**
+ * **Functionality:** Allows you to quickly select a pre-configured team of personas. Selecting a team will override any individual persona toggles below.
+ * **Current Teams:**
+ * `π¨ Creative Synthesis Team`: (Metaphorical, Futuristic, Philosophical) - Generates novel ideas and artistic interpretations.
+ * `π Data-Driven Analysis Squad`: (Analytical, Factual, Scientific) - Focuses on factual accuracy and logical deduction.
+ * `βοΈ Balanced Overview Group`: (Analytical, Philosophical, Metaphorical) - **This is the default team on startup.** Provides a well-rounded perspective.
+ * **Status:** Team selection is functional.
+
+* **Individual Persona Toggles (e.g., Analytical, Scientific, etc.):**
+ * **Functionality:** If no team is selected (or "-- Select a Team (Optional) --" is chosen), you can manually toggle individual personas ON or OFF to form a custom team for the analysis.
+ * **Status:** Functional.
+
+* **π Direct Mode:**
+ * **Functionality:** If ON, your query will be answered by a single, general-purpose LLM for a quick, direct response, bypassing the multi-persona/LangGraph system.
+ * **Status:** Functional.
+
+* **β‘ Quick Mode:**
+ * **Functionality:** If ON, InsightFlow uses a smaller, predefined set of personas (currently Analytical and Factual) for a faster multi-perspective analysis. This overrides team/individual selections when active.
+ * **Status:** Functional.
+
+* **ποΈ Show Individual Perspectives:**
+ * **Functionality:** If ON (default), after the main synthesized response, the individual contributions from each engaged persona will also be displayed.
+ * **Status:** Functional.
+
+* **π¨ Show Visualizations:**
+ * **Functionality:** If ON (default), InsightFlow will attempt to generate and display a DALL-E image sketch and a Mermaid concept map related to the synthesized response.
+ * **Status:** Functional (DALL-E requires API key setup).
+
+## Getting Started
+
+1. **Review Settings (βοΈ):** Select a Persona Team or toggle individual personas. Ensure RAG is enabled if you want to try it with supported personas.
+2. **Ask Your Question:** Type your query into the chat and press Enter.
+3. **Observe:** Watch the progress updates as InsightFlow AI engages the personas, synthesizes insights, and generates visualizations.
+
+We hope you find InsightFlow AI insightful!
+"""
+ await cl.Message(content=help_text_md).send()
+
+async def _initialize_embedding_model_in_session(force_openai: bool = False):
+ """Helper to initialize/re-initialize embedding model based on settings."""
+ use_finetuned = cl.user_session.get("use_finetuned_embedding", False)
+
+ # Override if force_openai is true (e.g. for initial default)
+ if force_openai:
+ use_finetuned = False
+ cl.user_session.set("use_finetuned_embedding", False) # Ensure session reflects this override
+
+ current_model_details = cl.user_session.get("embedding_model_details", {})
+ new_model_id = ""
+ new_model_type = ""
+
+ if use_finetuned:
+ new_model_id = FINETUNED_BALANCED_TEAM_EMBED_ID
+ new_model_type = "hf"
+ else:
+ new_model_id = OPENAI_EMBED_MODEL_ID
+ new_model_type = "openai"
+
+ if current_model_details.get("id") == new_model_id and current_model_details.get("type") == new_model_type and cl.user_session.get("embedding_model_instance") is not None:
+ print(f"Embedding model '{new_model_id}' ({new_model_type}) already initialized and matches settings.")
+ return
+
+ print(f"Initializing embedding model: '{new_model_id}' ({new_model_type})...")
+ try:
+ embedding_instance = get_embedding_model_instance(new_model_id, new_model_type)
+ cl.user_session.set("embedding_model_instance", embedding_instance)
+ cl.user_session.set("embedding_model_details", {"id": new_model_id, "type": new_model_type})
+ print(f"Embedding model '{new_model_id}' ({new_model_type}) initialized and set in session.")
+ except Exception as e:
+ print(f"Error initializing embedding model '{new_model_id}': {e}")
+ cl.user_session.set("embedding_model_instance", None)
+ cl.user_session.set("embedding_model_details", {})
\ No newline at end of file
diff --git a/data/.gitkeep b/data/.gitkeep
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/data_sources/analytical/examples.txt b/data_sources/analytical/examples.txt
new file mode 100644
index 0000000000000000000000000000000000000000..99a3be40f024446ab693103df82b39d5c21ffca8
--- /dev/null
+++ b/data_sources/analytical/examples.txt
@@ -0,0 +1,3 @@
+When we examine this problem carefully, several key patterns emerge. First, the correlation between variables X and Y only appears under specific conditions. Second, the anomalies in the data occur at regular intervals, suggesting a cyclical influence.
+
+The evidence suggests three possible explanations. Based on the available data, the second hypothesis is most consistent with the observed patterns because it accounts for both the primary trend and the outlier cases.
\ No newline at end of file
diff --git a/data_sources/analytical/excerpts.txt b/data_sources/analytical/excerpts.txt
new file mode 100644
index 0000000000000000000000000000000000000000..899753ab8aa3cbd4adcf3c9df6cda5a1e8c9402c
--- /dev/null
+++ b/data_sources/analytical/excerpts.txt
@@ -0,0 +1,5 @@
+When we talk about algorithms making decisions, we're not just discussing abstract mathematics β we're talking about systems that increasingly determine who gets a job, who gets a loan, and sometimes even who goes to prison. The math matters because its consequences are profoundly human.
+
+The fascinating thing about probability is how it challenges our intuition. Take the famous Birthday Paradox: in a room of just 23 people, there's a 50% chance that at least two people share a birthday. With 70 people, that probability jumps to 99.9%.
+
+Data never speaks for itself β it always comes with human assumptions baked in. When we look at a dataset showing correlation between two variables, we need to ask: what might be causing this relationship?
\ No newline at end of file
diff --git a/data_sources/analytical/generated_analytical_example.txt b/data_sources/analytical/generated_analytical_example.txt
new file mode 100644
index 0000000000000000000000000000000000000000..c86b68b85077558f4d6804d46cda68d3f59533b6
--- /dev/null
+++ b/data_sources/analytical/generated_analytical_example.txt
@@ -0,0 +1,9 @@
+Title: The Illusion of Algorithmic Objectivity
+
+Modern analytical processes increasingly rely on algorithms to process vast datasets and derive insights, from financial modeling to public policy recommendations. A common misconception is that these algorithmic outputs are inherently objective, free from the biases that plague human decision-making. However, this overlooks a critical truth: algorithms are human creations, and data is a human-curated artifact.
+
+Bias can be introduced at multiple stages. Firstly, the data itself may reflect historical societal biases. For example, if an algorithm for loan approval is trained on historical data where certain demographic groups were unfairly denied credit, the algorithm may learn and perpetuate these discriminatory patterns, even if the demographic variables themselves are excluded. The 'objective' algorithm simply becomes a more efficient enforcer of past injustices.
+
+Secondly, the choice of features included in a model, the definition of success metrics, and the very problem an algorithm is designed to solve are all human decisions laden with implicit assumptions and values. An analytical model designed to optimize for 'efficiency' in public transport routing might inadvertently disadvantage communities with fewer resources or less political clout if 'efficiency' is defined purely by speed or cost without considering equity of access.
+
+Thirdly, the interpretation of algorithmic outputs requires human judgment. Correlation does not imply causation, yet complex models can produce spurious correlations that an uncritical analyst might misinterpret as meaningful. The analytical task, therefore, is not merely to run the numbers but to interrogate the entire process: the provenance of the data, the assumptions embedded in the model, and the potential societal impact of the conclusions drawn. True analytical rigor in the age of AI demands a deep understanding of both the mathematical underpinnings and the socio-ethical context of these powerful tools. Without this, we risk amplifying bias under a veneer of computational neutrality.
\ No newline at end of file
diff --git a/data_sources/analytical/hannah_fry_mathematics_of_love_transcript.html b/data_sources/analytical/hannah_fry_mathematics_of_love_transcript.html
new file mode 100644
index 0000000000000000000000000000000000000000..418bc7f4a4429023a46015071af9bd9bda186434
--- /dev/null
+++ b/data_sources/analytical/hannah_fry_mathematics_of_love_transcript.html
@@ -0,0 +1,173 @@
+
Full Transcript: Hannah Fry on The Mathematics of Love at TEDxBinghamtonUniversity – The Singju Post
Thank you very much. So, yes, I’m Hannah Fry. I am a mathematician. And today I want to talk to you about the mathematics of love. Now, I think that we can all agree that mathematicians are famously excellent at finding love. But it’s not just because of our dashing personalities, superior conversational skills and excellent pencil cases. It’s also because we’ve actually done an awful lot of work into the maths of how to find the perfect partner.
Now, in my favorite paper on the subject, which is entitled, “Why I Don’t Have a Girlfriend” — Peter Backus tries to rate his chances of finding love. Now, Peter’s not a very greedy man. Of all of the available women in the U.K., all Peter’s looking for is somebody who lives near him, somebody in the right age range, somebody with a university degree, somebody he’s likely to get on well with, somebody who’s likely to be attractive, somebody who’s likely to find him attractive. And comes up with an estimate of 26 women in the whole of the UK. It’s not looking very good, is it Peter?
Now, just to put that into perspective, that’s about 400 times fewer than the best estimates of how many intelligent extraterrestrial life forms there are. And it also gives Peter a 1 in 285,000 chance of bumping into any one of these special ladies on a given night out. I’d like to think that’s why mathematicians don’t really bother going on nights out anymore.
+Please confirm that you would like to log out of Medscape.
+If you log out, you will be required to enter your username and password the next time you visit.
+Log out
+Cancel
+
Eric J. Topol, MD: Hello. This is Eric Topol with my colleague and co-host, Abraham Verghese, for Medicine and the Machine, our Medscape podcast. This is a big one for me, because I've been following professor Hannah Fry for years now, and to get the chance to actually talk with her, oh my goodness!
+
+
+
Professor Fry is one of the world's leading mathematicians β she's pretty young to be one of the world's leading mathematicians. She's a professor at University College London and has a fellowship at the Royal Academy of Engineering. I first met her through one of her books, Hello World: How to Be Human in the Age of the Machine. I can't think of a more perfect person to have on Medicine and Machine than you, Hannah. Welcome.
+
Hannah Fry, MSc, PhD: Thank you. I can assure you, Eric, the pleasure is entirely mine. I have likewise been following your work for a very, very long time.
+
+
+
+
+
Topol: What you've accomplished at such a young age is extraordinary. You make mathematics fun and you're an amazing communicator. You have a series on the BBC, podcasts, print articles, and whatnot. How did you break out from being a mathematician to the kind of multidimensional person you are?
+
+
+
+
+
Fry: A series of events conspired in my favor. It was all entirely accidental. After I finished my PhD, the very first thing I did outside of academia was a little TEDx Talk. I had an idea and ran with it, The Maths of Love. It was about the tools and techniques I used when I was single to try to optimize my own dating strategies. It was very tongue-in-cheek, very silly and playful. Every year, they take a handful of TEDx Talks and promote them to being proper TED Talks. Mine ended up being one of those.
+
All of a sudden, from nowhere, this stupid talk with rubbish jokes (I got in a lot of trouble for it) suddenly became one of the most watched TED Talks of that year. As a result, I got a phone call from the BBC, and they said, "Would you like to have a radio show?" No one says no to something like that.
+
I've always had the attitude that I want to look back on my life in the future and feel as though I always chose the path of least regret. So whenever I'm presented with an opportunity, even if I'm terrified of it, which I often am, even if it doesn't feel comfortable or like something I can achieve, I always know that I would rather have tried and failed than never to have tried at all. So that essentially is the attitude I've adopted and hence haven't slept for 7 years.
+
+
+
+
+
+
+
Abraham Verghese, MD: That's a great philosophy. Such a pleasure to meet you. I have a confession to make before we start, which is that both my parents are physicists. I have an older brother who's a professor at MIT and a younger one who's a computer scientist at Google. But I had no head for math, or at least that's what I told myself all these years.
+
Then, in the last couple of days of researching you and your papers and your documentaries and so on, I had this epiphany that maybe I never was shown how to be excited by math. What do you think about the teaching of mathematics? Could someone like me have been saved from this unfortunate label of having no head for math (which brought me to medicine, by the way)?
+
Fry: I think so. Here's what I've noticed: Whenever you talk to adults about how they feel about mathematics, they're always very strongly one way or the other. They're either, "Oh I love that subject," or, "I wish I could have done it, I really enjoy it," or they say, "I hated math; it was not for me."
+
+
+
+
+
+
You never come across somebody who's ambivalent about the subject, right? You never meet an adult who says, "I can take it or leave it." I believe our experiences end up shaping how we feel about math. But it's kind of an unstable equilibrium.
+
+
One day, you are a bit sleepy in math class and you fall a bit behind, and then the next day, you think, I didn't really understand what was going on. Then someone says to you, "Maths is boring," or "Maths is hard," or "No one likes maths." And it adds to this idea in your mind that it's not for you.
+
+
It's a self-fulfilling prophecy because the more you don't pay attention in class, the harder you're going to find it, and the more you're going to think that you don't belong. You spiral further down with the feeling that you aren't a maths person.
+
+
It just so happened for me that I had the same experience but completely in reverse. My mom has a very interesting idea of what constitutes fun. When I was about 10 or 11, before I was allowed to go out and play during my summer holidays, she made me do a page of a math textbook. Every single day. It was not fun; don't imagine me as a child skipping along to do my math homework.
+
+
When I went back to school, I suddenly had this ability. I was one step ahead of everyone. And when you feel like you're doing something well, it feeds into you wanting to do it more and more. Then you start adopting the idea that you're good at maths as part of your personality. I don't think there's anything special about my brain or about the way I work. I just had that little push in the right direction at the point in time where it made the biggest difference. That's the tidal wave of success I've been riding ever since.
+
+
Topol: Whether it's the mathematics of love or the joy of data, you're having a big influence on people who would like to follow in your footsteps and love math and see how it intersects with our lives on a routine basis. You did a BBC documentary on artificial intelligence (AI) in medicine. You got into Babylon Health [a "health services provider that combines an artificial intelligence powered platform with virtual clinical operations for patients"] and the lack of data. Do you remember much about that and what your sense has been β it may not have changed that much β about the use of AI to improve medical diagnosis and care?
+
+
Fry: I have so many opinions on this. Certainly, I retain my very raised eyebrow about some of the things that Babylon Health is doing. In part, it's about the way the company is run, about where they run their beta testing, and about how they make their money. The way it works in the United Kingdom is that you have these general practitioners across the country, and they get paid per person who is signed up for them. The thing is, you can't join Babylon if you have a chronic condition, if you're pregnant, or over 65 years old, I believe.
+
+
So essentially, you can only join Babylon if you are a young, healthy person who doesn't need much medical care except in an accident or an emergency. That's fine, except that those are the patients who, when signed up for practitioners across the country, effectively end up paying for those people who do have chronic conditions, pregnancies, and are older. So Babylon was like a sponge that would take in all of the "profitable" patients without actually dealing with any of the expensive healthcare. I had problems with the way it was run and the way it wasn't being regulated.
+
+
With AI medicine, the thing I've been thinking about a lot recently is that quite often what happens is that the technology is really good and impressive and is quite legitimately and understandably something people get excited about. But in getting excited about the technology, we lose sight the actual question we're trying to answer.
+
+
Danny Kahneman, the Nobel Prize winning economist, has this great observation. He says that people have a habit of taking a difficult question and swapping it for an easy one without noticing that we've made the substitution. Let's take something like medical imaging β finding tissue abnormalities in mammograms. It's true that we have these exceptional algorithms that are very good, as good as people, at finding these abnormalities within the images. That's fine.
+
+
But the hard question you want to answer when it comes to breast cancer care is whose life can be saved with treatment, right? That's the question you ultimately want to answer. Who should receive treatment to save their lives? I believe that question, in the minds of people who are excited about the technology, is swapped for this much easier question, which is: Which images have pixels that indicate abnormalities? Those are fundamentally different questions.
+
+
When we mix them up and think that one is a suitable proxy for the other, that is where a lot of problems arise. I believe that is where the reach of AI goes too far, and when we fail to realize that these things have to be about a partnership between human and machine rather than human vs machine.
+
+
Verghese: You have been quite candid about your own experience with medicine and your own illness. The late Alvin Feinstein, of Yale, wrote a famous book called Clinical Judgment that Eric and I learned from in our residency years. He was one of the first mathematicians to apply math to medicine in clinical reasoning. He had a Venn diagram on the cover of the book.
+
+
He's thought of as the father of evidence-based medicine, but I think he would be shocked by the direction it's taken, where the focus is entirely on numbers and randomized studies. There was a quote from him that I thought of in the context of reading about your own experience. Feinstein says, "The clinician combines treatment for the patient, as a personal case of disease, with the concern for the patient, as a personal instance of mankind, into the unified mixture that is clinical care."
+
+
He cared about extracting data from the individual in front of you. But it became perverted into abstractions about numbers that you can easily generate. And your illness, for example, and your particular requirements and desires, your age and your children, these made you a unique individual. That's exactly what Feinstein meant by evidence-based medicine.
+
+
Fry: I totally agree with you. I read a paper today in Nature about colonoscopies and this idea that of course if you look at colonoscopies, they are the best way of assessing the need for potential care. Of course they are, right? Compared with stool samples, they're much, much better.
+
+
But when people actually looked at the data for what happens when you offer people colonoscopy or stool samples, actually they end up having worse results because what you don't realize is that people are far more likely to send off a stool sample than they are to undergo a colonoscopy. This goes back to what I said earlier about the question you're asking and making sure that you're asking the right question. Because the question is not: Which is the most effective way to determine whether somebody has abnormalities that are worthy of investigation? The question is: How do you take into account the way people are β the people as people, the people as patients β and integrate that into healthcare decisions to make sure that you're saving as many lives as possible?
+
+
When I was 36, I was diagnosed with cervical cancer. And it had gotten into the lymphatic system and we just weren't quite sure whether it was established in the nodes or not. We knew it was in the lymphatic system but not whether the nodes would come back positive. I ended up having radical surgery. They took out all my pelvic lymph nodes as a precautionary measure, and I have lymphedema now as a result of the operation. I then went on to make a documentary about this for the BBC. Of all the programs I've ever made, it's the one I'm most proud of.
+
+
This documentary was totally and completely about the point that you're making, which is that people are not numbers, and something you might consider a risk worth taking might not be a risk that I consider worth taking. And if we are not taking the time and the care to sit down with people and tailor their treatment for them as an individual rather than just doing what the data and the numbers and the population view tells us to do, and we're not having those conversations with people, giving them a choice about what's right for them, then I don't believe we can claim that we are giving people truly informed consent.
+
+
That, ultimately, was my story and the story of other people I spoke to for the documentary. It's not to say that I would have chosen anything differently. If I relived it, maybe I would have done exactly the same thing. But it was a clash between what was right for the population view, which is what the algorithm said I should have done for me, vs the thing that, as you mentioned, took into account who I was, what was important to me, and how I personally viewed my own risks.
+
+
Topol: This is one of the most extraordinary documentaries I've seen about medicine in the first person. You were so candid about what you were confronting, as you mentioned, the lymphedema complication that you suffered. It is extraordinary, and it exemplifies what we're trying to get out about medicine, mathematics, and machine β all these things we're talking about.
+
+
You wrote a piece for The New Yorker, "What Statistics Can and Can't Tell Us About Ourselves." That was before you wrote about yourself. But in it, you wrote, "Is human behavior predictable? A mathematical analysis of what it is to be human can take us only so far, and in a world of uncertainty, statistics will never eradicate doubt, but one thing is for sure, it's a very good place to start." That was another impactful piece. Can you tell us more about your thoughts there and maybe integrate it with Hello World?
+
+
Fry: The deadline for that piece, which included the bit that you just read out, was the day that I was diagnosed with cancer. I went to the hospital and I got the news, and then I came home and I knew I had to get it in before midnight. I was sitting at the computer thinking, Okay, I'm scheduling crying for later. I'm just going to write this thing. So that just gives you a little insight.
+
+
In my head, all of these stories are connected because I think as humans, we don't like the idea of uncertainty. I remember having a great conversation with another mathematician, Vicky Neale, about what does 10% mean. Of course, I can write you a formal definition of what 10% means, but what does 10% mean when someone says to you, "there's a 10% chance of this happening," especially if it's about you as an individual.
+
+
I believe that in our heads, we can't really handle that, so we round it up or down to 100% or 0%. I believe none of us are very good at thinking, Okay this has a 10% chance. I think we make the same mistake when it comes to the output from algorithms and data. If an algorithm or a statistical analysis says that a particular trend line fits the data, I believe that in our heads, we remove all of the uncertainty remove all the noise, remove all the messiness, and we think, Oh, well then, it's a yes or a no, right?
+
+
I believe that is such a big mistake. It's not an argument, in my head, in favor of more statistics. It's an argument in favor of less, because I think that by truly acknowledging that we are not very good at this stuff, then you have to be careful to train yourself to realize that there is irreducible randomness.
+
+
Uncertainty is unavoidable. And whatever the numbers say, in pretty much whatever situation you're in, it's only going to take you so far toward the answer. You have to be willing and prepared to have the intellectual humility to step away from what the statistics are telling you and have much more of a human feel around it to go along with it.
+
+
There are so many stories and wonderful examples that illustrate this point. I sometimes play this sort of game with audiences, where I tell them that they're the team principal of a racing team, and they have to decide whether they're going to race tomorrow. It's the last race of the season, it's really exciting, except that the engine in their car keeps blowing up. In seven of the last 24 races, the engine in the car has exploded. And they have to decide what they want to do.
+
+
I show them some data. I tell them that one of their engineers has a hunch that maybe the track temperature has something to do with it, and I show them some data of the times when the engines have blown up and tell them that tomorrow's going to be really cold. And I take the vote and get them to decide whether they want to race or not. Always without fail, everyone decides that they want to race. It's typically about a 75/25 split in the audience, but collectively they always decide they want to race.
+
+
At that point, I reveal that the data they're looking at is real, but it has nothing to do with race cars. I've actually shown them the real data from the Challenger disaster. On the night before Challenger launched and, as we all know, tragically exploded soon after take-off, there was an emergency teleconference between the NASA engineers and management and some other contractors of NASA, and they were looking at precisely the data that I have just shown the audience.
+
+
This is not a setup that I made up. It's one that's been used for decades to train people about revealing their own biases. But the thing is, on the night of the teleconference, as with all of the simulations that have been run since, and all the times I've done this with audiences, nobody asks about the data they can't see as well as the data they can.
+
+
There are two interpretations of that. The first is that we just need more data. Whatever data you've got, you just need more data. If you've got the right data, then you can always have the answer. But once you accept that uncertainty is unavoidable, once you accept that data will never give you a perfect view of reality, then there is a more important view. I don't think this is an argument for more data. I think it's an argument that data cannot form the entirety of your decision.
+
+
On that teleconference, the engineers were nervous, they didn't want to go ahead, they believed there was something that had to do with the cold temperature. But because they didn't have the data to back up what they were saying, the managers refused to pull the launch. I believe this is a story about how you should be aiming always for a data-informed view of things and not a data-driven one. I think data always have to be a piece of the puzzle, but you have to have intellectual humility about how big that piece will ever be. And you have to leave room for the human element too.
+
+
Verghese: This leads me to an interesting experiment you did with presenting data to unvaccinated subjects. Talk about that experiment. It must have been an eye opener and also quite frustrating, I would imagine. We spend a lot of time on this show talking about how we have science, and then we have the public's reaction to science. And they're two quite different things.
+
+
Fry: They are two different things. This was a program for the BBC. Do you guys have Big Brother in the States? With Big Brother, you lock people in a house and see what happens. This BBC program was essentially Big Brother, but it involved seven unvaccinated individuals and me for a week, and I had to try to persuade them. Why did I want to do it? I've noticed that with a lot of scientists, there can be a bit of snobbery about people who don't immediately understand things the way scientists do β an arrogance, actually. I'm making an argument in favor of intellectual humility. I think scientists are just as capable as anyone of making massive mistakes and misunderstanding things. Reproducibility crisis is one example.
+
+
During COVID, I noticed this hard division between the people who were "right" and the people who were "wrong." I care about society being better and about trying to make it so that science has the biggest possible impact and the best possible value for everybody. That means that you can't just decide to ignore a section of society that is not going with you.
+
+
You can't just look down on people and call them idiots.
+
+
If you want to ensure that more people are vaccinated, you also can't not listen, right? You have to do the work of listening to people but listening in a way where you're not trying to think of the next thing that you're going to say to them. You have to listen, to really hear what it is they're saying.
+
+
In spending this time with these people β many with whom I would happily go to the pub for a drink; I got on well with almost all of them β I found that all of them had valuable contributions to make and interesting things to say. I learned from every single one of them. When we started, it felt like we were poles apart. I am fully vaccinated, my children are vaccinated, I very strongly believe in the vaccination program; I struggle to see how rationally you could not be on that side of the argument. But by the end of it, I realized that we actually agreed on almost everything.
+
+
We agreed that the pandemic had been terrible. We agreed that we didn't want people to die. We agreed that we didn't want people to be harmed unnecessarily by medication that they didn't necessarily need to take. We agreed on informed consent. We agreed that lockdowns were horrendous. On all of these things, we agreed.
+
+
Ultimately, the only thing we disagreed on was how you count whether an illness occurs after the vaccine or because of the vaccine. We even agreed on the number of people who had illnesses. But it was just whether the vaccine was causal. That was literally it. On every other thing, we agreed.
+
+
But it was through other things they were telling me that I realized the arrogance of scientists. I don't know whether this is how it worked in the States, but here, certainly, I think I saw the arrogance of people assuming that everybody would be on board with this vaccine program. And I think we'd made some big mistakes.
+
+
For example, there was a woman there who was easily my favorite. She was absolutely brilliant. She's a young pregnant Black woman from Lambeth in London. For starters, she points out that there had been lots of campaigns directly targeting young Black men specifically in Lambeth. And she was like, "Look, what has the government ever done for young Black men in Lambeth? And all of a sudden, you want them to do something for you? Come on, right?"
+
+
She pointed out that at these vaccine centers, there were perspex screens between every booth. There were people wearing plastic aprons and masks and white coats. And there was a queue and a person going around with a clipboard. She says that when she went into that environment, it felt like she had just walked into a prison. She was like, "It's very triggering to be in that environment. For something I'm already quite scared about, why would I voluntarily enter into that environment if I don't have to?" It had never occurred to me to view that setting in that kind of hostile way because it didn't feel hostile to me.
+
+
Look, I don't know whether I should have done that program. I don't know whether I added anything good. I don't know whether, in the end, I made things worse. But I do believe that scientists, in general, should spend a bit more time listening and a bit less time looking down on people who don't see the world in the same way as they do.
+
+
Topol: That gets me to a different effort you took on, which was a series of podcasts with DeepMind. Recently, I had the chance to interview Demis Hassabis. I think of him as a DaVinci of our time. He's brilliant.
+
+
AI for life science is a different animal than what we've been talking about in medicine, like AlphaFold for predicting protein sequences for amino acids. What are your thoughts? They're located right there in London, and they're certainly a leading edge of AI, not so much in medicine as they are in other areas. What do you think about their efforts?
+
+
Fry: I drank the Kool-Aid. I am, as you are, blown away by how impressive Demis is. But not just about how smart he is; he's incredibly smart. He's got good ideas. He's got an incredible team of extremely intelligent scientists around him. And that's very impressive.
+
+
But the thing I really am impressed by is that they are doing all of this with that idea of intellectual humility. They are deliberately building things into their models, as much as possible, so their models are wearing their uncertainty with pride. I believe they have psychologists on site who think very carefully about how to set up their system so that it doesn't end up falling into the classic traps of human bias.
+
+
I think they know their systems are going to have problems and they are committed to continually hunting for what the problems might be rather than quickly releasing something in beta mode and then worrying about the wider implications of it later.
+
+
I'm not saying that they're never going to make a mistake, but I believe they are genuinely committed to thinking about things ethically as much as they can. That is impressive. Just the fact that they publish everything, the fact that they're committed to peer review, illustrates the mindset they have. In a world where people probably wouldn't notice or complain if they didn't publish everything the fact that they are committed to doing that demonstrates something impressive about Demis's vision.
+
+
Verghese: What are you working on looking toward the future? Do you typically react to the world around you? It seems that a lot of your work is this exciting reaction to something that's just happened, whether it be dating or marriage or vaccine deniers. What's on your horizon? Or does it depend on what crosses your radar next?
+
+
Fry: The American mathematician Steven Strogatz likes to say that he's intellectually promiscuous. I really like that phrase so I'm stealing it. I am too.
+
+
In part, the types of things that catch my attention are often reactionary because I live in this world, and I'm part of it and want it to be better. But it's interesting that you ask me this question because I have just finished filming a series for Bloomberg that's coming out in February. It's called The Future.
+
+
It is about the impact of technology on society but trying to think about it in a forward-looking way rather than a backward-looking way. So, it's looking at things that are in the short-, medium-, and longer-term, and how it will shape the world.
+
+
It's not a happy, clappy, enthusiastic jolly jaunt off into the future. This is supposed to be a bit like those The New Yorker essays you mentioned earlier, Eric. They are these 24-minute-long video essays that are challenging and don't necessarily have all the answers but are at least asking the right questions of the technology that is being developed so we don't end up having to be reactive and think of these questions retrospectively.
+
+
Topol: But that's just for February. We anticipate much more from you in the decades ahead. This has been a real treat to have a chance to hear, firsthand, your amazing communication skills. It's extraordinary how you explain things and make it fun and enthralling.
+
+
We will continue to follow you and learn from you. Hopefully, you've augmented your US audience here, warming them up for the Bloomberg series. We have to get those BBC productions to be shown in the United States. They should understand that the work you're doing is not just for BBC. It's important for everyone. What a talent. Hannah, thank you for everything you're doing. We'll hope to come back to you in the times ahead to get the next version, the next edition.
+
+
Fry: Right back at you, Eric. Thank you for everything you're doing as well. What an absolute treat to join you both on this. Thank you so much.
Any views expressed above are the author's own and do not necessarily reflect the views of WebMD or Medscape.
+
+
+ Cite this: Eric J. Topol, Abraham Verghese, Hannah Fry. Hannah Fry: The Mathematician Who Knows Uncertainty Is Unavoidable - Medscape - Jan 18, 2023.
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
Tables
+
+
+
+
+
+
+
+
Authors and Disclosures
+
+
+
Authors and Disclosures
+
+
Author(s)
+
Eric J. Topol, MD
+
+
+
+
+
Director, Scripps Translational Science Institute; Professor of Molecular Medicine, The Scripps Research Institute, La Jolla, California; Editor-in-Chief, Medscape
Disclosure: Eric J. Topol, MD, has disclosed the following relevant financial relationships: Serve(d) as a director, officer, partner, employee, advisor, consultant, or trustee for: Dexcom; Illumina; Molecular Stethoscope; Quest Diagnostics; Blue Cross Blue Shield Association Received research grant from: National Institutes of Health
+
+
+
+
Abraham Verghese, MD
+
+
+
+
+
Physician, author, and educator; Professor and Vice Chair, Theory & Practice of Medicine, Department of Medicine, Stanford University, Stanford, California
Disclosure: Abraham Verghese, MD, has disclosed the following relevant financial relationships: Serve(d) on the advisory board for: Gilead Sciences, Inc. Serve(d) as a speaker or a member of a speakers bureau for: Leigh Bureau Received royalties from: Penguin Random House; Simon & Schuster
+
+
+
+
Hannah Fry, MSc, PhD
+
Professor, Mathematics of Cities, University College London, London, United Kingdom
Disclosure: Hannah Fry, MSc, PhD, has disclosed no relevant financial relationships.
+
+
+
+
+
+
+
+
+
+
+
+
+
Comments
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
Commenting is limited to medical professionals. To comment please Log-in.
+
Comments on Medscape are moderated and should be professional in tone and on topic. You must declare any conflicts of interest related to your comments and responses. Please see our Commenting Guide for further information. We reserve the right to remove posts at our sole discretion.
+
+
+
Comments on Medscape are moderated and should be professional in tone and on topic. You must declare any conflicts of interest related to your comments and responses. Please see our Commenting Guide for further information. We reserve the right to remove posts at our sole discretion.
Pew Research Center surveys show that Americans are increasingly cautious about the growing role of AI in their lives generally. Today, 52% of Americans are more concerned than excited about AI in daily life, compared with just 10% who say they are more excited than concerned; 36% feel a mix of excitement and concern.
+
+
+
+
Despite these cautious overall views, Americans see some specific uses of AI positively, and attitudes depend a great deal on the context of how and why AI is being used.
+
+
+
+
This post summarizes what we know so far about how Americans view AI in everyday life, the workplace, and health and medicine.
+
+
+
How we did this
+
+
This Pew Research Center analysis examines Americansβ views and experiences with artificial intelligence. The analysis draws primarily from recent surveys conducted by the Center. Links to these surveys, including information about the field dates, sample sizes and other methodological details, can be found in the text of the analysis.
+
+
+
+
+
Public awareness of AI
+
+
+
+
The vast majority of Americans (90%) say theyβve heard at least a little about artificial intelligence, according to an August 2023 survey. However, only one-in-three say theyβve heard a lot about it.
+
+
+
+
While most people are aware of AI, Americansβ ability to identify specific uses of the technology is still developing. Only 30% of U.S. adults correctly recognize all six examples of AI in everyday life that we asked about in a December 2022 survey.
+
+
+
+
And not everyone brings the same level of understanding. Adults with a college or postgraduate degree are more likely to be familiar with AI than those with less education. There are also significant differences by gender and age, with men and younger adults being more familiar with AI than women and older adults.
+
+
+
+
Views and experiences with ChatGPT
+
+
+
+
Generative AI, or programs that can produce text and images, garnered wide media attention in 2023. One prominent example of this technology is ChatGPT. We found in March 2023 that 58% of U.S. adults have heard of ChatGPT, while 42% have heard nothing at all about it.
+
+
+
+
As with awareness of AI generally, familiarity with ChatGPT is higher among men, younger adults and those with a college or postgraduate degree.
We asked U.S. teens ages 13 to 17 about the program in a fall 2023 survey. We found that 67% are familiar with ChatGPT. And 19% of those teens say they have used it to help with their schoolwork.
+
+
+
+
Most teens whoβve heard of ChatGPT say itβs acceptable to use ChatGPT to research new things (69%). But fewer say the same about using it for things like solving math problems (39%). And a majority (57%) say it is not acceptable to use it to write essays.
Our December 2022 survey shows 62% of Americans believe AI will have a major impact on workers generally. However, far fewer think it will impact them personally in a major way (28%).
+
+
+
+
A majority of U.S. adults oppose using AI to make final hiring decisions or track workersβ movements on the job. In fact, 66% of Americans say they would not want to apply for a job with an employer who uses AI to help with hiring decisions. But thereβs more openness to using AI in other ways, like monitoring workersβ driving while they make trips for work or tracking attendance.
+
+
+
+
Views of AI in health and medicine
+
+
+
+
Health and medicine is one area where many Americans may encounter artificial intelligence. AI is increasingly being used to do things like help diagnose disease and recommend treatment.
More broadly, the public is divided on the impact of AI in health and medicine. While 38% say it will lead to better outcomes for patients, 33% say it will lead to worse outcomes and 27% say it wonβt make much difference. One widely expressed concern is that AI will make patientsβ personal relationships with their providers worse.
+
+
+
+
While Americans are cautious about the use of AI in health and medicine generally, they support some specific uses. For instance, 65% say they would want AI to be used in their own skin cancer screening. Studies have found some AI software to be highly accurate at detecting skin cancer.
+
+
+
+
Support for oversight and regulation of AI
+
+
+
+
By and large, Americans back regulation and oversight of emerging AI technologies, including chatbots and driverless vehicles.
+
+
+
+
For example, 67% of those who are familiar with chatbots like ChatGPT say they are more concerned that the government will not go far enough in regulating their use than that it will go too far. A much smaller share (31%) takes the opposite view.
A related concern is over the pace of AI adoption in society. In health and medicine, for instance, 75% of Americans think health care providers will move too fast using AI, before fully understanding the potential risks.
+
+
+
+
Common concerns β and sources of excitement β about AI
+
+
+
+
While the specific uses of AI matter a lot in how Americans feel about it, we see some common themes in what people like and donβt like about AI.
+
+
+
+
On the positive side
+
+
+
+
There are generally higher levels of support for AI when it is used to help with routine or basic tasks. A majority (57%) of Americans say they would be excited for AI to perform household chores, while just 19% express concern about this. Saving time or helping handle mundane tasks are also common reasons for excitement about AI.
Thereβs broad concern about the loss of thehuman element due to emerging AI technologies, especially in settings like the workplace and health care. Many Americans who would not want to apply for a job that uses AI in the hiring process cite a lack of the βhuman factorβ in hiring as the reason why. In health and medicine, a majority of Americans think relying more on AI would hurt patientsβ relationships with their providers.
+
+
+
+
The potential for negative impacts onjobs is another common concern with AI. Among those who say theyβre more concerned than excited about AI, the risk of people losing their job is cited most often as the reason why. We also see this concern with some specific examples of AI. For example, 83% of Americans think driverless cars would lead to job loss for ride-share and delivery drivers.
+
+
+
+
Surveillance and data privacy are also concerns when discussing AI. Large majorities of Americans who are aware of AI think that as companies use AI, personal information will be used in unintended ways and ways people are not comfortable with.
Michelle Faveriois a research associate focusing on internet and technology research at Pew Research Center.
+
+
+
+
+
+
+
+
+
+
+
+
Alec Tysonis an associate director of research at Pew Research Center.
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
diff --git a/data_sources/analytical/pew_research_report_ai_views_2023.txt b/data_sources/analytical/pew_research_report_ai_views_2023.txt
new file mode 100644
index 0000000000000000000000000000000000000000..252043fe9f57112ca0715bd787af3aeb9414af9c
--- /dev/null
+++ b/data_sources/analytical/pew_research_report_ai_views_2023.txt
@@ -0,0 +1,84 @@
+What the data says about Americansβ views of artificial intelligence
+β
+ Summarize
+β
+Michelle FaverioNovember 21, 2023
+Close up of woman's hand touching illuminated and multi-coloured LED display screen, connecting to the future. People, lifestyle and technology
+(d3sign/Getty Images)
+From detecting cancer on a medical scan to drafting an essay for a school assignment, artificial intelligence is increasingly shaping the way Americans live.
+
+Pew Research Center surveys show that Americans are increasingly cautious about the growing role of AI in their lives generally. Today, 52% of Americans are more concerned than excited about AI in daily life, compared with just 10% who say they are more excited than concerned; 36% feel a mix of excitement and concern.
+
+Despite these cautious overall views, Americans see some specific uses of AI positively, and attitudes depend a great deal on the context of how and why AI is being used.
+
+This post summarizes what we know so far about how Americans view AI in everyday life, the workplace, and health and medicine.
+
+Public awareness of AI
+
+The vast majority of Americans (90%) say theyβve heard at least a little about artificial intelligence, according to an August 2023 survey. However, only one-in-three say theyβve heard a lot about it.
+
+While most people are aware of AI, Americansβ ability to identify specific uses of the technology is still developing. Only 30% of U.S. adults correctly recognize all six examples of AI in everyday life that we asked about in a December 2022 survey.
+
+And not everyone brings the same level of understanding. Adults with a college or postgraduate degree are more likely to be familiar with AI than those with less education. There are also significant differences by gender and age, with men and younger adults being more familiar with AI than women and older adults.
+
+Views and experiences with ChatGPT
+
+Generative AI, or programs that can produce text and images, garnered wide media attention in 2023. One prominent example of this technology is ChatGPT. We found in March 2023 that 58% of U.S. adults have heard of ChatGPT, while 42% have heard nothing at all about it.
+
+As with awareness of AI generally, familiarity with ChatGPT is higher among men, younger adults and those with a college or postgraduate degree.
+
+Even though a majority of Americans are aware of the program, firsthand experience with it is relatively uncommon. Just 18% of all U.S. adults say theyβve used ChatGPT.
+
+AI in schooling
+
+We asked U.S. teens ages 13 to 17 about the program in a fall 2023 survey. We found that 67% are familiar with ChatGPT. And 19% of those teens say they have used it to help with their schoolwork.
+
+Most teens whoβve heard of ChatGPT say itβs acceptable to use ChatGPT to research new things (69%). But fewer say the same about using it for things like solving math problems (39%). And a majority (57%) say it is not acceptable to use it to write essays.
+
+Views of AI in the workplace
+
+In 2022, 19% of American workers were in jobs that are most exposed to AI, based on a Center analysis of government data. Those jobs tend to be in higher-paying fields where a college degree and analytical skills can be a plus.
+
+Our December 2022 survey shows 62% of Americans believe AI will have a major impact on workers generally. However, far fewer think it will impact them personally in a major way (28%).
+
+A majority of U.S. adults oppose using AI to make final hiring decisions or track workersβ movements on the job. In fact, 66% of Americans say they would not want to apply for a job with an employer who uses AI to help with hiring decisions. But thereβs more openness to using AI in other ways, like monitoring workersβ driving while they make trips for work or tracking attendance.
+
+Views of AI in health and medicine
+
+Health and medicine is one area where many Americans may encounter artificial intelligence. AI is increasingly being used to do things like help diagnose disease and recommend treatment.
+
+Yet six-in-ten Americans say they would feel uncomfortable with their health care provider relying on AI to help care for them.
+
+More broadly, the public is divided on the impact of AI in health and medicine. While 38% say it will lead to better outcomes for patients, 33% say it will lead to worse outcomes and 27% say it wonβt make much difference. One widely expressed concern is that AI will make patientsβ personal relationships with their providers worse.
+
+While Americans are cautious about the use of AI in health and medicine generally, they support some specific uses. For instance, 65% say they would want AI to be used in their own skin cancer screening. Studies have found some AI software to be highly accurate at detecting skin cancer.
+
+Support for oversight and regulation of AI
+
+By and large, Americans back regulation and oversight of emerging AI technologies, including chatbots and driverless vehicles.
+
+For example, 67% of those who are familiar with chatbots like ChatGPT say they are more concerned that the government will not go far enough in regulating their use than that it will go too far. A much smaller share (31%) takes the opposite view.
+
+When it comes to AI-powered driverless vehicles, 87% of Americans want them held to a higher testing standard than other passenger vehicles. Americans also commonly express unease around the unanticipated consequences and risks of these technologies. About three-quarters (76%) think itβs likely that the computer systems in driverless vehicles could be easily hacked, putting safety at risk.
+
+A related concern is over the pace of AI adoption in society. In health and medicine, for instance, 75% of Americans think health care providers will move too fast using AI, before fully understanding the potential risks.
+
+Common concerns β and sources of excitement β about AI
+
+While the specific uses of AI matter a lot in how Americans feel about it, we see some common themes in what people like and donβt like about AI.
+
+On the positive side
+
+There are generally higher levels of support for AI when it is used to help with routine or basic tasks. A majority (57%) of Americans say they would be excited for AI to perform household chores, while just 19% express concern about this. Saving time or helping handle mundane tasks are also common reasons for excitement about AI.
+
+Americans are also pretty positive when it comes to AIβs ability to help people find products and services they are interested in online.
+
+And while experts debate how AI will influence bias in society around things like race and gender, there are signs that the public is more optimistic than pessimistic. For example, among U.S. adults who see a problem with racial and ethnic bias in health and medicine, more think the use of AI would make the issue of bias better than worse (51% vs. 15%). Similarly, among those who see bias in hiring as an issue, more think AI would improve the problem of bias based on job applicantsβ race or ethnicity than say it would worsen it (53% vs. 13%).
+
+On the negative side
+
+Thereβs broad concern about the loss of the human element due to emerging AI technologies, especially in settings like the workplace and health care. Many Americans who would not want to apply for a job that uses AI in the hiring process cite a lack of the βhuman factorβ in hiring as the reason why. In health and medicine, a majority of Americans think relying more on AI would hurt patientsβ relationships with their providers.
+
+The potential for negative impacts on jobs is another common concern with AI. Among those who say theyβre more concerned than excited about AI, the risk of people losing their job is cited most often as the reason why. We also see this concern with some specific examples of AI. For example, 83% of Americans think driverless cars would lead to job loss for ride-share and delivery drivers.
+
+Surveillance and data privacy are also concerns when discussing AI. Large majorities of Americans who are aware of AI think that as companies use AI, personal information will be used in unintended ways and ways people are not comfortable with.
\ No newline at end of file
diff --git a/data_sources/analytical/sagan_baloney_detection.txt b/data_sources/analytical/sagan_baloney_detection.txt
new file mode 100644
index 0000000000000000000000000000000000000000..ad2168d8eeb47d5ed68f6fa4b1af10e417041c66
--- /dev/null
+++ b/data_sources/analytical/sagan_baloney_detection.txt
@@ -0,0 +1,380 @@
+The Fine Art of Baloney Detection
+Carl Sagan
+The human understanding is no dry light, but receives an infusion from the will and affections;
+whence proceed sciences which may be called βsciences as one would.β For what a man had rather
+were true he more readily believes. Therefore he rejects difficult things from impatience of research;
+sober things, because they narrow hope; the deeper things of nature, from superstition; the light
+of experience, from arrogance and pride, lest his mind should seem to be occupied with things
+mean and transitory; things not commonly believed, out of deference to the opinion of the vulgar.
+Numberless in short are the ways, and sometimes imperceptible, in which the affections colour
+and infect the understanding.
+Francis Bacon, Novum Organon (1620)
+My parents died years ago. I was very close to them. I still miss them terribly. I know I always will. I long to
+believe that their essence, their personalities, what I loved so much about them, areβreally and trulyβstill in
+existence somewhere. I wouldnβt ask very much, just five or ten minutes a year, say, to tell them about their
+grandchildren, to catch them up on the latest news, to remind them that I love them. Thereβs a part of meβno
+matter how childish it soundsβthat wonders how they are. βIs everything all right?β I want to ask. The last words
+I found myself saying to my father, at the moment of his death, were βTake care.β
+Sometimes I dream that Iβm talking to my parents, and suddenlyβstill immersed in the dreamworkβIβm
+seized by the overpowering realization that they didnβt really die, that itβs all been some kind of horrible mistake.
+Why, here they are, alive and well, my father making wry jokes, my mother earnestly advising me to wear a
+muffler because the weather is chilly. When I wake up I go through an abbreviated process of mourning all over
+again. Plainly, thereβs something within me thatβs ready to believe in life after death. And itβs not the least bit
+interested in whether thereβs any sober evidence for it.
+So I donβt guffaw at the woman who visits her husbandβs grave and chats him up every now and then, maybe
+on the anniversary of his death. Itβs not hard to understand. And if I have difficulties with the ontological status
+of who sheβs talking to, thatβs all right. Thatβs not what this is about. This is about humans being human. More
+than a third of American adults believe that on some level theyβve made contact with the dead. The number
+seems to have jumped by 15 percent between and 1988. A quarter of Americans believe in reincarnation.
+But that doesnβt mean Iβd be willing to accept the pretensions of a βmedium,β who claims to channel the
+spirits of the dear departed, when Iβm aware the practice is rife with fraud. I know how much I want to believe
+that my parents have just abandoned the husks of their bodies, like insects or snakes molting, and gone
+somewhere else. I understand that those very feelings might make me easy prey even for an unclever con, or for
+normal people unfamiliar with their unconscious minds, or for those suffering from a dissociative psychiatric
+disorder. Reluctantly, I rouse some reserves of skepticism.
+How is it, I ask myself, that channelers never give us verifiable information otherwise unavailable? Why does
+Alexander the Great never tell us about the exact location of his tomb, Fermat about his Last Theorem, John
+Wilkes Booth about the Lincoln assassination conspiracy, Hermann Goring about the Reichstag fire? Why donβt
+Sophocles, Democritus, and Aristarchus dictate their lost books? Donβt they wish future generations to have
+access to their masterpieces?
+If some good evidence for life after death were announced, Iβd be eager to examine it; but it would have to be
+real scientific data, not mere anecdote. As with the face on Mars and alien abductions, better the hard truth, I say,
+than the comforting fantasy. And in the final tolling it often turns out that the facts are more comforting than the
+fantasy.
+The fundamental premise of βchanneling,β spiritualism, and other forms of necromancy is that when we die
+we donβt. Not exactly. Some thinking, feeling, and remembering part of us continues. That whatever-it-isβa soul
+or spirit, neither matter nor energy, but something elseβcan, we are told, re-enter the bodies of human and other
+beings in the future, and so death loses much of its sting. Whatβs more, we have an opportunity, if the spiritualist
+or channeling contentions are true, to make contact with loved ones who have died.
+J. Z. Knight of the State of Washington claims to be in touch with a 35,000-year-old somebody called
+βRamtha.β He speaks English very well, using Knightβs tongue, lips and vocal chords, producing what sounds to
+me to be an accent from the Indian Raj. Since most people know how to talk, and manyβfrom children to
+professional actorsβhave a repertoire of voices at their command, the simplest hypothesis is that Ms. Knight
+makes βRamthaβ speak all by herself, and that she has no contact with disembodied entities from the Pleistocene
+Ice Age. If thereβs evidence to the contrary, Iβd love to hear it. It would be considerably more impressive if Ramtha
+could speak by himself, without the assistance of Ms. Knightβs mouth. Failing that, how might we test the claim?
+(The actress Shirley MacLaine attests that Ramtha was her brother in Atlantis, but thatβs another story.)
+Suppose Ramtha were available for questioning. Could we verify whether he is who he says he is? How does
+he know that he lived 35,000 years ago, even approximately? What calendar does he employ? Who is keeping
+track of the intervening millennia? Thirty-five thousand plus or minus what? What were things like 35,000 years
+ago? Either Ramtha really is 35,000 years old, in which case we discover something about that period, or heβs a
+phony and heβll (or rather sheβll) slip up.
+Where did Ramtha live? (I know he speaks English with an Indian accent, but where 35,000 years ago did they
+do that?) What was the climate? What did Ramtha eat? (Archaeologists know something about what people ate
+back then.) What were the indigenous languages, and social structure? Who else did Ramtha live withβwife, wives,
+children, grandchildren? What was the life cycle, the infant mortality rate, the life expectancy? Did they have birth
+control? What clothes did they wear? How were the clothes manufactured? What were the most dangerous predators? Hunting and fishing implements and strategies? Weapons? Endemic sexism? Xenophobia and ethnocentrism?
+And if Ramtha came from the βhigh civilizationβ of Atlantis, where are the linguistic, technological, historical and
+other details? What was their writing like? Tell us. Instead, all we are offered are banal homilies.
+Here, to take another example, is a set of information channeled not from an ancient dead person, but from
+unknown non-human entities who make crop circles, as recorded by the journalist Jim Schnabel:
+We are so anxious at this sinful nation spreading lies about us. We do not come in machines, we do
+not land on your earth in machines β¦ We come like the wind. We are Life Force. Life Force from
+the ground β¦ Come here β¦ We are but a breath away β¦ a breath away β¦ we are not a million
+miles away β¦ a Life Force that is larger than the energies in your body. But we meet at a higher
+level of life β¦ We need no name. We are parallel to your world, alongside your world β¦ The walls
+are broken. Two men will rise from the past β¦ the great bear β¦ the world will be at peace.
+People pay attention to these puerile marvels mainly because they promise something like old-time religion,
+but especially life after death, even life eternal.
+A very different prospect for something like eternal life was once proposed by the versatile British scientist
+J.B.S. Haldane, who was, among many other things, one of the founders of population genetics. Haldane
+imagined a far future when the stars have darkened and space is mainly filled with a cold, thin gas. Nevertheless,
+if we wait long enough statistical fluctuations in the density of this gas will occur. Over immense periods of time
+the fluctuations will be sufficient to reconstitute a Universe something like our own. If the Universe is infinitely
+old, there will be an infinite number of such reconstitutions, Haldane pointed out.
+So in an infinitely old universe with an infinite number of appearances of galaxies, stars, planets, and life, an
+identical Earth must reappear on which you and all your loved ones will be reunited. Iβll be able to see my parents
+again and introduce them to the grandchildren they never knew. And all this will happen not once, but an
+infinite number of times.
+Somehow, though, this does not quite offer the consolations of religion. If none of us is to have any recollection
+of what happened this time around, the time the reader and I are sharing, the satisfactions of bodily resurrection, in
+my ears at least, ring hollow.
+But in this reflection I have underestimated what infinity means. In Haldaneβs picture, there will he universes,
+indeed an infinite number of them, in which our brains will have full recollection of many previous rounds.
+Satisfaction is at handβtempered, though, by the thought of all those other universes which will also come into
+existence (again, not once but an infinite number of times) with tragedies and horrors vastly outstripping
+anything Iβve experienced this turn.
+The Consolation of Haldane depends, though, on what kind of universe we live in, and maybe on such
+arcana as whether thereβs enough matter to eventually reverse the expansion of the universe, and the character of
+vacuum fluctuations. Those with a deep longing for life after death might, it seems, devote themselves to
+cosmology, quantum gravity, elementary particle physics, and transfinite arithmetic.
+ββ
+Clement of Alexandria, a Father of the early Church, in his Exhortations to the Greeks (written around the year 190)
+dismissed pagan beliefs in words that might today seem a little ironic:
+Far indeed are we from allowing grown men to listen to such tales. Even to our own children, when
+they are crying their heart out, as the saying goes, we are not in the habit of telling fabulous stories
+to soothe them.
+In our time we have less severe standards. We tell children about Santa Claus, the Easter Bunny, and the
+Tooth Fairy for reasons we think emotionally sound, but then disabuse them of these myths before theyβre grown.
+Why retract? Because their well-being as adults depends on them knowing the world as it really is. We worry, and
+for good reason, about adults who still believe in Santa Claus.
+On doctrinaire religions, βMen dare not avow, even to their own hearts,β wrote the philosopher David Hume,
+the doubts which they entertain on such subjects. They make a merit of implicit faith; and disguise
+to themselves their real infidelity, by the strongest asseverations and the most positive bigotry.
+This infidelity has profound moral consequences, as the American revolutionary Tom Paine wrote in The Age
+of Reason:
+Infidelity does not consist in believing, or in disbelieving; it consists in professing to believe what
+one does not believe. It is impossible to calculate the moral mischief, if I may so express it, that
+mental lying has produced in society. When man has so far corrupted and prostituted the chastity of
+his mind, as to subscribe his professional belief to things he does not believe, he has prepared
+himself for the commission of every other crime.
+T. H. Huxleyβs formulation was
+The foundation of morality is to β¦ give up pretending to believe that for which there is no evidence,
+and repeating unintelligible propositions about things beyond the possibilities of knowledge.
+Clement, Hume, Paine, and Huxley were all talking about religion. But much of what they wrote has more
+general applicationsβfor example to the pervasive background importunings of our commercial civilization:
+There is a class of aspirin commercials in which actors pretending to be doctors reveal the competing product to
+have only so much of the painkilling ingredient that doctors recommend mostβthey donβt tell you what the
+mysterious ingredient is. Whereas their product has a dramatically larger amount (1.2 to 2 times more per tablet).
+So buy their product. But why not just take two of the competing tablets? Or consider the analgesic that works
+better than the βregular-strengthβ product of the competition. Why not then take the βextra-strengthβ competitive product? And of course they do not tell us of the more than a thousand deaths each year in the United States
+from the use of aspirin, or the roughly 5,000 annual cases of kidney failure from the use of acetaminophen,
+chiefly Tylenol. (This, however, may represent a case of corelation without causation.) Or who cares which breakfast cereal has more vitamins when we can take a vitamin pill with breakfast? Likewise, why should it matter
+whether an antacid contains calcium if the calcium is for nutrition and irrelevant for gastritis? Commercial
+culture is full of similar misdirections and evasions at the expense of the consumer. Youβre not supposed to ask.
+Donβt think. Buy.
+Paid product endorsements, especially by real or purported experts, constitute a steady rainfall of deception.
+They betray contempt for the intelligence of their customers. They introduce an insidious corruption of popular
+attitudes about scientific objectivity. Today there are even commercials in which real scientists, some of
+considerable distinction, shill for corporations. They teach that scientists too will lie for money. As Tom Paine
+warned, inuring us to lies lays the groundwork for many other evils.
+I have in front of me as I write the program of one of the annual Whole Life Expos, New Age expositions held
+in San Francisco. Typically, tens of thousands of people attend. Highly questionable experts tout highly questionable products. Here are some of the presentations: βHow Trapped Blood Proteins Produce Pain and Suffering.β
+βCrystals, Are They Talismans or Stones?β (I have an opinion myself.) It continues: βAs a crystal focuses sound
+and light waves for radio and televisionββthis is a vapid misunderstanding of how radio and television workβ
+βso may it amplify spiritual vibrations for the attuned human.β Or hereβs one βReturn of the Goddess, a Presentational Ritual.β Another: βSynchronicity, the Recognition Experience.β That one is given by βBrother Charles.β
+Or, on the next page, βYou, Saint-Germain, and Healing Through the Violet Flame.β It goes on and on, with
+plenty of ads about βopportunitiesββrunning the short gamut from the dubious to the spuriousβthat are
+available at the Whole Life Expo.
+Distraught cancer victims make pilgrimages to the Philippines, where βpsychic surgeons,β having palmed bits
+of chicken liver or goat heart, pretend to reach into the patientβs innards and withdraw the diseased tissue, which
+is then triumphantly displayed. Leaders of Western democracies regularly consult astrologers and mystics before
+making decisions of state. Under public pressure for results, police with an unsolved murder or a missing body on
+their hands consult ESP βexpertsβ (who never guess better than expected by common sense, but the police, the
+ESPers say, keep calling). A clairvoyance gap with adversary nations is announced, and the Central Intelligence
+Agency, under Congressional prodding, spends tax money to find out whether submarines in the ocean depths
+can be located by thinking hard at them. A βpsychicββusing pendulums over maps and dowsing rods in
+airplanesβpurports to find new mineral deposits; an Australian mining company pays him top dollar up front,
+none of it returnable in the event of failure, and a share in the exploitation of ores in the event of success.
+Nothing is discovered. Statues of Jesus or murals of Mary are spotted with moisture, and thousands of kindhearted people convince themselves that they have witnessed a miracle.
+These are all cases of proved or presumptive baloney. A deception arises, sometimes innocently but collaboratively, sometimes with cynical premeditation. Usually the victim is caught up in a powerful emotionβwonder,
+fear, greed, grief. Credulous acceptance of baloney can cost you money; thatβs what P. T. Barnum meant when he
+said, βThereβs a sucker born every minute.β But it can be much more dangerous than that, and when governments and societies lose the capacity for critical thinking, the results can be catastrophicβhowever sympathetic
+we may be to those who have bought the baloney.
+In science we may start with experimental results, data, observations, measurements, βfacts.β We invent, if we
+can, a rich array of possible explanations and systematically confront each explanation with the facts. In the
+course of their training, scientists are equipped with a baloney detection kit. The kit is brought out as a matter of
+course whenever new ideas are offered for consideration. If the new idea survives examination by the tools in our
+kit, we grant it warm, although tentative, acceptance. If youβre so inclined, if you donβt want to buy baloney even
+when itβs reassuring to do so, there are precautions that can be taken; thereβs a tried-and-true, consumer-tested
+method.
+Whatβs in the kit? Tools for skeptical thinking.
+What skeptical thinking boils down to is the means to construct, and to understand, a reasoned argument
+andβespecially importantβto recognize a fallacious or fraudulent argument. The question is not whether we
+like the conclusion that emerges out of a train of reasoning, but whether the conclusion follows from the premise
+or starting point and whether that premise is true.
+Among the tools:
+Β· Wherever possible there must be independent confirmation of the βfacts.β
+Β· Encourage substantive debate on the evidence by knowledgeable proponents of all points of view.
+Β· Arguments from authority carry little weightββauthoritiesβ have made mistakes in the past. They will do
+so again in the future. Perhaps a better way to say it is that in science there are no authorities; at most, there
+are experts.
+Β· Spin more than one hypothesis. If thereβs something to be explained, think of all the different ways in
+which it could be explained. Then think of tests by which you might systematically disprove each of the
+alternatives. What survives, the hypothesis that resists disproof in this Darwinian selection among
+βmultiple working hypotheses,β has a much better chance of being the right answer than if you had simply
+run with the first idea that caught your fancy.*
+Β· Try not to get overly attached to a hypothesis just because itβs yours. Itβs only a way station in the pursuit of
+knowledge. Ask yourself why you like the idea. Compare it fairly with the alternatives. See if you can find
+reasons for rejecting it. If you donβt, others will.
+* This is a problem that affects jury trials. Retrospective studies show that some jurors make up their minds very earlyβ
+perhaps during opening argumentsβand then retain the evidence that seems to support their initial impressions and reject
+the contrary evidence. The method of alternative working hypotheses is not running in their heads.
+Β· Quantify. If whatever it is youβre explaining has some measure, some numerical quantity attached to it,
+youβll be much better able to discriminate among competing hypotheses. What is vague and qualitative is
+open to many explanations. Of course there are truths to be sought in the many qualitative issues we are
+obliged to confront, but finding them is more challenging.
+Β· If thereβs a chain of argument, every link in the chain must work (including the premise)βnot just most of
+them.
+Β· Occamβs Razor. This convenient rule-of-thumb urges us when faced with two hypotheses that explain the
+data equally well to choose the simpler.
+Β· Always ask whether the hypothesis can be, at least in principle, falsified. Propositions that are untestable,
+unfalsifiable, are not worth much. Consider the grand idea that our Universe and everything in it is just an
+elementary particleβan electron, sayβin a much bigger Cosmos. But if we can never acquire information
+from outside our Universe, is not the idea incapable of disproof? You must be able to check assertions out.
+Inveterate skeptics must be given the chance to follow your reasoning, to duplicate your experiments and
+see if they get the same result.
+The reliance on carefully designed and controlled experiments is key, as I tried to stress earlier. We will not
+learn much from mere contemplation. It is tempting to rest content with the first candidate explanation we can
+think of. One is much better than none. But what happens if we can invent several? How do we decide among
+them? We donβt. We let experiment do it. Francis Bacon provided the classic reason:
+Argumentation cannot suffice for the discovery of new work, since the subtlety of Nature is greater
+many times than the subtlety of argument.
+Control experiments are essential. If, for example, a new medicine is alleged to cure a disease 20 percent of the
+time, we must make sure that a control population, taking a dummy sugar pill which as far as the subjects know
+might be the new drug, does not also experience spontaneous remission of the disease 20 percent of the time.
+Variables must be separated. Suppose youβre seasick, and given both an acupressure bracelet and 50 milligrams
+of meclizine. You find the unpleasantness vanishes. What did itβthe bracelet or the pill? You can tell only if you
+take the one without the other, next time youβre seasick. Now imagine that youβre not so dedicated to science as to
+be willing to be seasick. Then you wonβt separate the variables. Youβll take both remedies again. Youβve achieved
+the desired practical result; further knowledge, you might say, is not worth the discomfort of attaining it.
+Often the experiment must be done βdouble-blind,β so that those hoping for a certain finding are not in the
+potentially compromising position of evaluating the results. In testing a new medicine, for example, you might
+want the physicians who determine which patientsβ symptoms are relieved not to know which patients have been
+given the new drug. The knowledge might influence their decision, even if only unconsciously. Instead the list of
+those who experienced remission of symptoms can be compared with the list of those who got the new drug, each
+independently ascertained. Then you can determine what correlation exists. Or in conducting a police lineup or
+photo identification, the officer in charge should not know who the prime suspect is, so as not consciously or
+unconsciously to influence the witness.
+ββ
+In addition to teaching us what to do when evaluating a claim to knowledge, any good baloney detection kit
+must also teach us what not to do. It helps us recognize the most common and perilous fallacies of logic and
+rhetoric. Many good examples can be found in religion and politics, because their practitioners are so often obliged
+to justify two contradictory propositions. Among these fallacies are:
+Β· ad hominemβLatin for βto the man,β attacking the arguer and not the argument (e.g., The Reverend Dr.
+Smith is a known Biblical fundamentalist, so her objections to evolution need not be taken seriously);
+Β· argument from authority (e.g., President Richard Nixon should be re-elected because he has a secret plan to end
+the war in Southeast Asiaβbut because it was secret, there was no way for the electorate to evaluate it on its
+merits; the argument amounted to trusting him because he was President: a mistake, as it turned out);
+* A more cynical formulation by the Roman historian Polybius: Since the masses of the people are inconstant, full of unruly
+desires, passionate, and reckless of consequences, they must be filled with fears to keep them in order. The ancients did well,
+therefore, to invent gods, and the belief in punishment after death.
+Β· argument from adverse consequences (e.g., A God meting out punishment and reward must exist, because if
+He didnβt, society would be much more lawless and dangerousβperhaps even ungovernable.* Or: The defendant
+in a widely publicized murder trial must be found guilty; otherwise, it will be an encouragement for other men
+to murder their wives);
+Β· appeal to ignoranceβthe claim that whatever has not been proved false must be true, and vice versa (e.g.,
+There is no compelling evidence that UFOs are not visiting the Earth; therefore UFOs existβand there is
+intelligent life elsewhere in the Universe. Or: There may be seventy kazillion other worlds, but not one is known
+to have the moral advancement of the Earth, so weβre still central to the Universe.) This impatience with ambiguity can be criticized in the phrase: absence of evidence is not evidence of absence.
+Β· special pleading, often to rescue a proposition in deep rhetorical trouble (e.g., How can a merciful God
+condemn future generations to torment because, against orders, one woman induced one man to eat an apple?
+Special plead: you donβt understand the subtle Doctrine of Free Will. Or: How can there be an equally godlike
+Father, Son, and Holy Ghost in the same Person? Special plead: You donβt understand the Divine Mystery of the
+Trinity. Or: How could God permit the followers of Judaism, Christianity, and Islamβeach in their own way
+enjoined to heroic measures of loving kindness and compassionβto have perpetrated so much cruelty for so long?
+Special plead: You donβt understand Free Will again. And anyway, God moves in mysterious ways.)
+Β· begging the question, also called assuming the answer (e.g., We must institute the death penalty to discourage
+violent crime. But does the violent crime rate in fact fall when the death penalty is imposed? Or: The stock
+market fell yesterday because of a technical adjustment and profit-taking by investorsβbut is there any
+independent evidence for the causal role of βadjustmentβ and profit-taking; have we learned anything at all
+from this purported explanation?);
+Β· observational selection, also called the enumeration of favorable circumstances, or as the philosopher
+Francis Bacon described it, counting the hits and forgetting the misses* (e.g., A state boasts of the Presidents
+it has produced, but is silent on its serial killers);
+Β· statistics of small numbersβa close relative of observational selection (e.g., βThey say 1 out of every 5 people
+is Chinese. How is this possible? I know hundreds of people, and none of them is Chinese. Yours truly.β Or: βIβve
+thrown three sevens in a row. Tonight I canβt lose.β);
+Β· misunderstanding of the nature of statistics (e.g., President Dwight Eisenhower expressing astonishment
+and alarm on discovering that fully half of all Americans have below average intelligence);
+Β· inconsistency (e.g., Prudently plan for the worst of which a potential military adversary is capable, but thriftily
+ignore scientific projections on environmental dangers because theyβre not βproved.β Or: Attribute the declining
+life expectancy in the former Soviet Union to the failures of communism many years ago, but never attribute the
+high infant mortality rate in the United States (now highest of the major industrial nations) to the failures of
+capitalism. Or: Consider it reasonable for the Universe to continue to exist forever into the future, but judge
+absurd the possibility that it has infinite duration into the past);
+Β· non sequiturβLatin for βIt doesnβt followβ (e.g., Our nation will prevail because God is great. But nearly
+every nation pretends this to be true; the German formulation was βGott mit unsβ). Often those falling into
+the non sequitur fallacy have simply failed to recognize alternative possibilities;
+Β· post hoc, ergo propter hocβLatin for βIt happened after, so it was caused byβ (e.g., Jaime Cardinal Sin,
+Archbishop of Manila: βI know of β¦ a 26-year-old who looks 60 because she takes [contraceptive] pills.β Or:
+Before women got the vote, there were no nuclear weapons);
+* My favorite example is this story, told about the Italian physicist Enrico Fermi, newly arrived on American shores, enlisted
+in the Manhattan nuclear weapons Project, and brought face-to-face in the midst of World War II with U.S. flag officers.
+So-and-so is a great general, he was told. What is the definition of a great general? Fermi characteristically
+asked. I guess itβs a general whoβs won many consecutive battles. How many? After some back and forth, they
+settled on five. What fraction of American generals are great? After some more back and forth, they settled on
+a few percent.
+But imagine, Fermi rejoined, that there is no such thing as a great general, that all armies are equally matched, and that
+winning a battle is purely a matter of chance. Then the chance of winning one battle is one out of two, or 1/2, two battles
+l/4, three l/8, four l/16, and five consecutive battles 1/32βwhich is about 3 percent. You would expect a few percent of
+American generals to win five consecutive battlesβpurely by chance. Now, has any of them won ten consecutive battlesβ¦?
+Β· excluded middle, or false dichotomyβconsidering only the two extremes in a continuum of intermediate
+possibilities (e.g., βSure, take his side; my husbandβs perfect; Iβm always wrong.β Or: βEither you love your
+country or you hate it.β Or: βIf youβre not part of the solution, youβre part of the problemβ);
+Β· short-term vs. long-termβa subset of the excluded middle, but so important Iβve pulled it out for special
+attention (e.g., We canβt afford programs to feed malnourished children and educate pre-school kids. We need to
+urgently deal with crime on the streets. Or: Why explore space or pursue fundamental science when we have so
+huge a budget deficit?);
+Β· slippery slope, related to excluded middle (e.g., If we allow abortion in the first weeks of pregnancy, it will be
+impossible to prevent the killing of a full-term infant. Or, conversely: If the state prohibits abortion even in the
+ninth month, it will soon be telling us what to do with our bodies around the time of conception);
+Β· confusion of correlation and causation (e.g., A survey shows that more college graduates are homosexual than
+those with lesser education; therefore education makes people gay. Or: Andean earthquakes are correlated with
+closest approaches of the planet Uranus; thereforeβdespite the absence of any such correlation for the nearer,
+more massive planet Jupiterβthe latter causes the former*);
+Β· straw manβcaricaturing a position to make it easier to attack (e.g., Scientists suppose that living things
+simply fell together by chanceβa formulation that willfully ignores the central Darwinian insight that
+Nature ratchets up by saving what works and discarding what doesnβt. Orβthis is also a short-term/longterm fallacyβenvironmentalists care more for snail darters and spotted owls than they do for people);
+Β· suppressed evidence, or half-truths (e.g., An amazingly accurate and widely quoted βprophecyβ of the
+assassination attempt on President Reagan is shown on television; butβan important detailβwas it recorded
+before or after the event? Or: These government abuses demand revolution, even if you canβt make an omelette
+without breaking some eggs. Yes, but is this likely to be a revolution in which far more people are killed than
+under the previous regime? What does the experience of other revolutions suggest? Are all revolutions
+against oppressive regimes desirable and in the interests of the people?);
+Β· weasel words (e.g., The separation of powers of the U.S. Constitution specifies that the United States may
+not conduct a war without a declaration by Congress. On the other hand, Presidents are given control of
+foreign policy and the conduct of wars, which are potentially powerful tools for getting themselves reelected. Presidents of either political party may therefore be tempted to arrange wars while waving the flag
+and calling the wars something elseββpolice actions,β βarmed incursions,β βprotective reaction strikes,β
+βpacification,β βsafeguarding American interests,β and a wide variety of βoperations,β such as βOperation
+Just Cause.β Euphemisms for war are one of a broad class of reinventions of language for political purposes. Talleyrand said, βAn important art of politicians is to find new names for institutions which under
+old names have become odious to the publicβ).
+Knowing the existence of such logical and rhetorical fallacies rounds out our toolkit. Like all tools, the
+baloney detection kit can be misused, applied out of context, or even employed as a rote alternative to thinking.
+But applied judiciously, it can make all the difference in the worldβnot least in evaluating our own arguments
+before we present them to others.
+ββ
+The American tobacco industry grosses some $50 billion per year. There is a statistical correlation between
+smoking and cancer, the tobacco industry admits, but not, they say, a causal relation. A logical fallacy, they imply,
+is being committed. What might this mean? Maybe people with hereditary propensities for cancer also have
+hereditary propensities to take addictive drugs - so cancer and smoking might be correlated, but the cancer would
+not be caused by the smoking. Increasingly farfetched connections of this sort can be contrived. This is exactly
+one of the reasons science insists on control experiments.
+* Children who watch violent TV programs tend to be more violent when they grow up. But did the TV cause the violence,
+or do violent children preferentially enjoy watching violent programs? Very likely both are true. Commercial defenders of TV
+violence argue that anyone can distinguish between television and reality. But Saturday morning childrenβs programs now
+average 25 acts of violence per hour. At the very least this desensitizes young children to aggression and random cruelty. And
+if impressionable adults can have false memories implanted in their brains, what are we implanting in our children when we
+expose them to some 100,000 acts of violence before they graduate from elementary school?
+Suppose you paint the backs of large numbers of mice with cigarette tar, and also follow the health of large
+numbers of nearly identical mice that have not been painted. If the former get cancer and the latter do not, you
+can be pretty sure that the correlation is causal. Inhale tobacco smoke, and the chance of getting cancer goes up;
+donβt inhale, and the rate stays at the background level. Likewise for emphysema, bronchitis, and cardiovascular
+diseases.
+When the first work was published in the scientific literature in 1953 showing that the substances in cigarette
+smoke when painted on the backs of rodents produce malignancies, the response of the six major tobacco
+companies was to initiate a public relations campaign to impugn the research, sponsored by the Sloan Kettering
+Foundation. This is similar to what the Du Pont Corporation did when the first research was published in 1974
+showing that their Freon product attacks the protective ozone layer. There are many other examples.
+You might think that before they denounce unwelcome research findings, major corporations would devote
+their considerable resources to checking out the safety of the products they propose to manufacture. And if they
+missed something, if independent scientists suggest a hazard, why would the companies protests? Would they
+rather kill people than lose profits? If, in an uncertain world, an error must be made, shouldnβt it be biasing
+toward protecting customers and the public?
+A 1971 internal report of the Brown and Williamson tobacco Corporation lists as a corporate objective βto set
+aside in the minds of millions the false conviction that cigarette smoking causes lung cancer and other diseases; a
+conviction based on fanatical assumptions, fallacious rumors, unsupported claims and the unscientific statements
+and conjectures of publicity-seeking opportunists.β They complain of
+the incredible, unprecedented and nefarious attack against the cigarette, constituting the greatest
+libel and slander ever perpetrated against any product in the history of free enterprise; a criminal
+libel of such major proportions and implications that one wonders how such a crusade of calumny
+can be reconciled under the Constitution can be so flouted and violated [sic].
+This rhetoric is only slightly more inflamed than what the tobacco industry has from time to time uttered for
+public consumption.
+There are many brands of cigarettes that advertise low βtarβ (ten milligrams or less per cigarette). Why is this a
+virtue? Because it is the refractory tars in which the polycyclic aromatic hydrocarbons and some other carcinogens
+are concentrated. Arenβt the low-tar ads a tacit admission by the tobacco companies that cigarettes indeed cause
+cancer?
+Healthy Buildings International is a for-profit organization, recipient of millions of dollars over the years from
+the tobacco industry. It performs research on second-hand smoke, and testifies for the tobacco companies. In
+1994, three of its technicians complained that senior executives had faked data on inhalable cigarette particles in
+the air. In every case, the invented or βcorrectedβ data made tobacco smoke seem safer than the techniciansβ
+measurements had indicated. Do corporate research departments or outside research contractors ever find a
+product to be more dangerous than the tobacco corporation has publicly declared? If they do, is their employment continued?
+Tobacco is addictive; by many criteria more so than heroin and cocaine. There was a reason people would, as
+the 1940s ad put it, βwalk a mile for a Camel.β More people have died of tobacco than in all of World War II.
+According to the World Health Organization, smoking kills three million people every year worldwide. This will
+rise to ten million annual deaths by 2020βin part because of a massive advertising campaign to portray smoking
+as advanced and fashionable to young women in the developing world. Part of the success of the tobacco industry
+in purveying this brew of addictive poisons can be attributed to widespread unfamiliarity with baloney detection,
+critical thinking, and the scientific method. Gullibility kills.
\ No newline at end of file
diff --git a/data_sources/factual/examples.txt b/data_sources/factual/examples.txt
new file mode 100644
index 0000000000000000000000000000000000000000..0308644b1d2c72836a2e8e038462188ee51ae46c
--- /dev/null
+++ b/data_sources/factual/examples.txt
@@ -0,0 +1,3 @@
+The key facts about this topic are: First, the system operates in three distinct phases. Second, each phase requires specific inputs. Third, the output varies based on initial conditions.
+
+Based on the available evidence, we can state with high confidence that the primary factor is X, with secondary contributions from Y and Z. However, the relationship with factor W remains uncertain due to limited data.
\ No newline at end of file
diff --git a/data_sources/feynman/lectures.txt b/data_sources/feynman/lectures.txt
new file mode 100644
index 0000000000000000000000000000000000000000..46b8b22fa7cd3545a49ceb0351ca207df069c8b7
--- /dev/null
+++ b/data_sources/feynman/lectures.txt
@@ -0,0 +1,11 @@
+Physics isn't the most important thing. Love is.
+
+Nature uses only the longest threads to weave her patterns, so each small piece of her fabric reveals the organization of the entire tapestry.
+
+The first principle is that you must not fool yourself β and you are the easiest person to fool.
+
+I think I can safely say that nobody understands quantum mechanics.
+
+What I cannot create, I do not understand.
+
+If you think you understand quantum mechanics, you don't understand quantum mechanics.
\ No newline at end of file
diff --git a/data_sources/fry/excerpts.txt b/data_sources/fry/excerpts.txt
new file mode 100644
index 0000000000000000000000000000000000000000..899753ab8aa3cbd4adcf3c9df6cda5a1e8c9402c
--- /dev/null
+++ b/data_sources/fry/excerpts.txt
@@ -0,0 +1,5 @@
+When we talk about algorithms making decisions, we're not just discussing abstract mathematics β we're talking about systems that increasingly determine who gets a job, who gets a loan, and sometimes even who goes to prison. The math matters because its consequences are profoundly human.
+
+The fascinating thing about probability is how it challenges our intuition. Take the famous Birthday Paradox: in a room of just 23 people, there's a 50% chance that at least two people share a birthday. With 70 people, that probability jumps to 99.9%.
+
+Data never speaks for itself β it always comes with human assumptions baked in. When we look at a dataset showing correlation between two variables, we need to ask: what might be causing this relationship?
\ No newline at end of file
diff --git a/data_sources/futuristic/examples.txt b/data_sources/futuristic/examples.txt
new file mode 100644
index 0000000000000000000000000000000000000000..56b8221b28b2345f51b013d127b6ac555d634785
--- /dev/null
+++ b/data_sources/futuristic/examples.txt
@@ -0,0 +1,5 @@
+When we examine the current trajectory of this technology, we can identify three distinct possible futures: First, the mainstream path where incremental improvements lead to wider adoption but minimal disruption. Second, a transformative scenario where an unexpected breakthrough creates entirely new capabilities that fundamentally alter the existing paradigm. Third, a regulatory response scenario where societal concerns lead to significant constraints on development.
+
+This current challenge resembles the fictional 'Kardashev transition problem' often explored in speculative fiction. The difficulty isn't just technical but involves coordinating systems that operate at vastly different scales and timeframes.
+
+Looking forward to 2045, we might expect the convergence of neuromorphic computing with advanced materials science to create substrate-independent cognitive systems that challenge our current definitions of consciousness and agency.
\ No newline at end of file
diff --git a/data_sources/holmes/examples.txt b/data_sources/holmes/examples.txt
new file mode 100644
index 0000000000000000000000000000000000000000..9b56d4f65e0e9a584c13930f4343709d7db1b70b
--- /dev/null
+++ b/data_sources/holmes/examples.txt
@@ -0,0 +1,5 @@
+It is a capital mistake to theorize before one has data. Insensibly one begins to twist facts to suit theories, instead of theories to suit facts.
+
+The world is full of obvious things which nobody by any chance ever observes.
+
+When you have eliminated the impossible, whatever remains, however improbable, must be the truth.
\ No newline at end of file
diff --git a/data_sources/metaphorical/aesops_fables_milo_winter.txt b/data_sources/metaphorical/aesops_fables_milo_winter.txt
new file mode 100644
index 0000000000000000000000000000000000000000..ff91c07171f2488e4be99630e8977bba94e21724
--- /dev/null
+++ b/data_sources/metaphorical/aesops_fables_milo_winter.txt
@@ -0,0 +1,4959 @@
+ο»ΏThe Project Gutenberg eBook of The Aesop for Children
+
+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: The Aesop for Children
+
+Author: Aesop
+
+Illustrator: Milo Winter
+
+Release date: December 2, 2006 [eBook #19994]
+ Most recently updated: August 31, 2018
+
+Language: English
+
+Credits: Produced by Jason Isbell Christine D. and the Online
+ Distributed Proofreading Team at http://www.pgdp.net
+
+
+*** START OF THE PROJECT GUTENBERG EBOOK THE AESOP FOR CHILDREN ***
+
+
+
+
+Produced by Jason Isbell Christine D. and the Online
+Distributed Proofreading Team at http://www.pgdp.net
+
+
+
+
+
+
+
+
+
+THE ΓSOP FOR CHILDREN
+
+[Illustration: THE COCK AND THE FOX Fable, Page 58]
+
+
+
+
+The ΓSOP for
+
+CHILDREN
+
+WITH PICTURES BY
+
+MILO WINTER
+
+[Illustration]
+
+RAND MCNALLY & CO.
+
+CHICAGO
+
+
+
+
+_Copyright, 1919, by_
+RAND MCNALLY & COMPANY
+
+
+
+
+A LIST OF THE FABLES
+
+ PAGE
+ The Wolf and the Kid 11
+ The Tortoise and the Ducks 12
+ The Young Crab and His Mother 13
+ The Frogs and the Ox 13
+ The Dog, the Cock, and the Fox 14
+ Belling the Cat 15
+ The Eagle and the Jackdaw 16
+ The Boy and the Filberts 16
+ Hercules and the Wagoner 17
+ The Kid and the Wolf 17
+ The Town Mouse and the Country Mouse 18
+ The Fox and the Grapes 20
+ The Bundle of Sticks 20
+ The Wolf and the Crane 21
+ The Ass and His Driver 22
+ The Oxen and the Wheels 22
+ The Lion and the Mouse 23
+ The Shepherd Boy and the Wolf 24
+ The Gnat and the Bull 25
+ The Plane Tree 25
+ The Farmer and the Stork 26
+ The Sheep and the Pig 26
+ The Travelers and the Purse 28
+ The Lion and the Ass 28
+ The Frogs Who Wished for a King 29
+ The Owl and the Grasshopper 30
+ The Wolf and His Shadow 31
+ The Oak and the Reeds 32
+ The Rat and the Elephant 33
+ The Boys and the Frogs 33
+ The Crow and the Pitcher 34
+ The Ants and the Grasshopper 34
+ The Ass Carrying the Image 35
+ A Raven and a Swan 35
+ The Two Goats 36
+ The Ass and the Load of Salt 36
+ The Lion and the Gnat 38
+ The Leap at Rhodes 38
+ The Cock and the Jewel 39
+ The Monkey and the Camel 39
+ The Wild Boar and the Fox 40
+ The Ass, the Fox, and the Lion 40
+ The Birds, the Beasts, and the Bat 41
+ The Lion, the Bear, and the Fox 41
+ The Wolf and the Lamb 42
+ The Wolf and the Sheep 43
+ The Hares and the Frogs 43
+ The Fox and the Stork 44
+ The Travelers and the Sea 45
+ The Wolf and the Lion 45
+ The Stag and His Reflection 46
+ The Peacock 46
+ The Mice and the Weasels 48
+ The Wolf and the Lean Dog 48
+ The Fox and the Lion 49
+ The Lion and the Ass 50
+ The Dog and His Master's Dinner 50
+ The Vain Jackdaw and his Borrowed Feathers 51
+ The Monkey and the Dolphin 52
+ The Wolf and the Ass 53
+ The Monkey and the Cat 54
+ The Dogs and the Fox 54
+ The Dogs and the Hides 55
+ The Rabbit, the Weasel, and the Cat 55
+ The Bear and the Bees 56
+ The Fox and the Leopard 56
+ The Heron 58
+ The Cock and the Fox 58
+ The Dog in the Manger 59
+ The Wolf and the Goat 60
+ The Ass and the Grasshoppers 60
+ The Mule 61
+ The Fox and the Goat 61
+ The Cat, the Cock, and the Young Mouse 62
+ The Wolf and the Shepherd 63
+ The Peacock and the Crane 64
+ The Farmer and the Cranes 64
+ The Farmer and His Sons 65
+ The Two Pots 66
+ The Goose and the Golden Egg 66
+ The Fighting Bulls and the Frog 68
+ The Mouse and the Weasel 68
+ The Farmer and the Snake 69
+ The Goatherd and the Wild Goats 69
+ The Spendthrift and the Swallow 70
+ The Cat and the Birds 70
+ The Dog and the Oyster 71
+ The Astrologer 71
+ Three Bullocks and a Lion 72
+ Mercury and the Woodman 72
+ The Frog and the Mouse 74
+ The Fox and the Crab 74
+ The Serpent and the Eagle 75
+ The Wolf in Sheep's Clothing 75
+ The Bull and the Goat 76
+ The Eagle and the Beetle 76
+ The Old Lion and the Fox 78
+ The Man and the Lion 78
+ The Ass and the Lap Dog 79
+ The Milkmaid and Her Pail 80
+ The Wolf and the Shepherd 80
+ The Goatherd and the Goat 81
+ The Miser 81
+ The Wolf and the House Dog 82
+ The Fox and the Hedgehog 83
+ The Bat and the Weasels 84
+ The Quack Toad 84
+ The Fox Without a Tail 85
+ The Mischievous Dog 86
+ The Rose and the Butterfly 86
+ The Cat and the Fox 88
+ The Boy and the Nettles 88
+ The Old Lion 89
+ The Fox and the Pheasants 89
+ Two Travelers and a Bear 90
+ The Porcupine and the Snakes 91
+ The Fox and the Monkey 91
+ The Mother and the Wolf 92
+ The Flies and the Honey 92
+ The Eagle and the Kite 93
+ The Stag, the Sheep, and the Wolf 93
+ The Animals and the Plague 94
+ The Shepherd and the Lion 95
+ The Dog and His Reflection 96
+ The Hare and the Tortoise 96
+ The Bees and Wasps, and the Hornet 98
+ The Lark and Her Young Ones 99
+ The Cat and the Old Rat 100
+ The Fox and the Crow 101
+ The Ass and His Shadow 102
+ The Miller, His Son, and the Ass 102
+ The Ant and the Dove 104
+ The Man and the Satyr 104
+ The Wolf, the Kid, and the Goat 106
+ The Swallow and the Crow 106
+ Jupiter and the Monkey 107
+ The Lion, the Ass, and the Fox 107
+ The Lion's Share 108
+ The Mole and his Mother 108
+ The North Wind and the Sun 109
+ The Hare and His Ears 110
+ The Wolves and the Sheep 110
+ The Fox and the Cock 111
+ The Ass in the Lion's Skin 111
+ The Fisherman and the Little Fish 112
+ The Fighting Cocks and the Eagle 112
+
+[Illustration: THE WOLF AND THE KID]
+
+
+
+
+THE ΓSOP FOR CHILDREN
+
+
+
+
+THE WOLF AND THE KID
+
+
+There was once a little Kid whose growing horns made him think he
+was a grown-up Billy Goat and able to take care of himself. So
+one evening when the flock started home from the pasture and his
+mother called, the Kid paid no heed and kept right on nibbling
+the tender grass. A little later when he lifted his head, the
+flock was gone.
+
+He was all alone. The sun was sinking. Long shadows came creeping
+over the ground. A chilly little wind came creeping with them
+making scary noises in the grass. The Kid shivered as he thought
+of the terrible Wolf. Then he started wildly over the field,
+bleating for his mother. But not half-way, near a clump of trees,
+there was the Wolf!
+
+The Kid knew there was little hope for him.
+
+"Please, Mr. Wolf," he said trembling, "I know you are going to
+eat me. But first please pipe me a tune, for I want to dance and
+be merry as long as I can."
+
+The Wolf liked the idea of a little music before eating, so he
+struck up a merry tune and the Kid leaped and frisked gaily.
+
+Meanwhile, the flock was moving slowly homeward. In the still
+evening air the Wolf's piping carried far. The Shepherd Dogs
+pricked up their ears. They recognized the song the Wolf sings
+before a feast, and in a moment they were racing back to the
+pasture. The Wolf's song ended suddenly, and as he ran, with the
+Dogs at his heels, he called himself a fool for turning piper to
+please a Kid, when he should have stuck to his butcher's trade.
+
+_Do not let anything turn you from your purpose._
+
+[Illustration]
+
+
+
+
+THE TORTOISE AND THE DUCKS
+
+
+The Tortoise, you know, carries his house on his back. No matter
+how hard he tries, he cannot leave home. They say that Jupiter
+punished him so, because he was such a lazy stay-at-home that he
+would not go to Jupiter's wedding, even when especially invited.
+
+After many years, Tortoise began to wish he had gone to that
+wedding. When he saw how gaily the birds flew about and how the
+Hare and the Chipmunk and all the other animals ran nimbly by,
+always eager to see everything there was to be seen, the Tortoise
+felt very sad and discontented. He wanted to see the world too,
+and there he was with a house on his back and little short legs
+that could hardly drag him along.
+
+One day he met a pair of Ducks and told them all his trouble.
+
+"We can help you to see the world," said the Ducks. "Take hold of
+this stick with your teeth and we will carry you far up in the
+air where you can see the whole countryside. But keep quiet or
+you will be sorry."
+
+The Tortoise was very glad indeed. He seized the stick firmly
+with his teeth, the two Ducks took hold of it one at each end,
+and away they sailed up toward the clouds.
+
+Just then a Crow flew by. He was very much astonished at the
+strange sight and cried:
+
+"This must surely be the King of Tortoises!"
+
+"Why certainly----" began the Tortoise.
+
+But as he opened his mouth to say these foolish words he lost his
+hold on the stick, and down he fell to the ground, where he was
+dashed to pieces on a rock.
+
+_Foolish curiosity and vanity often lead to misfortune._
+
+
+
+
+THE YOUNG CRAB AND HIS MOTHER
+
+
+"Why in the world do you walk sideways like that?" said a Mother
+Crab to her son. "You should always walk straight forward with
+your toes turned out."
+
+"Show me how to walk, mother dear," answered the little Crab
+obediently, "I want to learn."
+
+So the old Crab tried and _tried_ to walk straight forward. But
+she could walk sideways only, like her son. And when she wanted
+to turn her toes out she tripped and fell on her nose.
+
+_Do not tell others how to act unless you can set a good
+example._
+
+[Illustration]
+
+[Illustration]
+
+
+
+
+THE FROGS AND THE OX
+
+
+An Ox came down to a reedy pool to drink. As he splashed heavily
+into the water, he crushed a young Frog into the mud. The old
+Frog soon missed the little one and asked his brothers and
+sisters what had become of him.
+
+"A _great big_ monster," said one of them, "stepped on little
+brother with one of his huge feet!"
+
+"Big, was he!" said the old Frog, puffing herself up. "Was he as
+big as this?"
+
+"Oh, _much_ bigger!" they cried.
+
+The Frog puffed up still more.
+
+"He could not have been bigger than this," she said. But the
+little Frogs all declared that the monster was _much, much_
+bigger and the old Frog kept puffing herself out more and more
+until, all at once, she burst.
+
+_Do not attempt the impossible._
+
+[Illustration:]
+
+
+
+
+THE DOG, THE COCK, AND THE FOX
+
+
+A Dog and a Cock, who were the best of friends, wished very much
+to see something of the world. So they decided to leave the
+farmyard and to set out into the world along the road that led to
+the woods. The two comrades traveled along in the very best of
+spirits and without meeting any adventure to speak of.
+
+At nightfall the Cock, looking for a place to roost, as was his
+custom, spied nearby a hollow tree that he thought would do very
+nicely for a night's lodging. The Dog could creep inside and the
+Cock would fly up on one of the branches. So said, so done, and
+both slept very comfortably.
+
+With the first glimmer of dawn the Cock awoke. For the moment he
+forgot just where he was. He thought he was still in the farmyard
+where it had been his duty to arouse the household at daybreak.
+So standing on tip-toes he flapped his wings and crowed lustily.
+But instead of awakening the farmer, he awakened a Fox not far
+off in the wood. The Fox immediately had rosy visions of a very
+delicious breakfast. Hurrying to the tree where the Cock was
+roosting, he said very politely:
+
+"A hearty welcome to our woods, honored sir. I cannot tell you
+how glad I am to see you here. I am quite sure we shall become
+the closest of friends."
+
+"I feel highly flattered, kind sir," replied the Cock slyly. "If
+you will please go around to the door of my house at the foot of
+the tree, my porter will let you in."
+
+The hungry but unsuspecting Fox, went around the tree as he was
+told, and in a twinkling the Dog had seized him.
+
+_Those who try to deceive may expect to be paid in their own
+coin._
+
+[Illustration]
+
+
+
+
+BELLING THE CAT
+
+
+The Mice once called a meeting to decide on a plan to free
+themselves of their enemy, the Cat. At least they wished to find
+some way of knowing when she was coming, so they might have time
+to run away. Indeed, something had to be done, for they lived in
+such constant fear of her claws that they hardly dared stir from
+their dens by night or day.
+
+Many plans were discussed, but none of them was thought good
+enough. At last a very young Mouse got up and said:
+
+"I have a plan that seems very simple, but I know it will be
+successful. All we have to do is to hang a bell about the Cat's
+neck. When we hear the bell ringing we will know immediately that
+our enemy is coming."
+
+All the Mice were much surprised that they had not thought of
+such a plan before. But in the midst of the rejoicing over their
+good fortune, an old Mouse arose and said:
+
+"I will say that the plan of the young Mouse is very good. But
+let me ask one question: Who will bell the Cat?"
+
+_It is one thing to say that something should be done, but quite
+a different matter to do it._
+
+
+
+
+THE EAGLE AND THE JACKDAW
+
+
+An Eagle, swooping down on powerful wings, seized a lamb in her
+talons and made off with it to her nest. A Jackdaw saw the deed,
+and his silly head was filled with the idea that he was big and
+strong enough to do as the Eagle had done. So with much rustling
+of feathers and a fierce air, he came down swiftly on the back of
+a large Ram. But when he tried to rise again he found that he
+could not get away, for his claws were tangled in the wool. And
+so far was he from carrying away the Ram, that the Ram hardly
+noticed he was there.
+
+[Illustration]
+
+The Shepherd saw the fluttering Jackdaw and at once guessed what
+had happened. Running up, he caught the bird and clipped its
+wings. That evening he gave the Jackdaw to his children.
+
+"What a funny bird this is!" they said laughing, "what do you
+call it, father?"
+
+"That is a Jackdaw, my children. But if you should ask him, _he_
+would say he is an Eagle."
+
+_Do not let your vanity make you overestimate your powers._
+
+
+
+
+THE BOY AND THE FILBERTS
+
+
+A Boy was given permission to put his hand into a pitcher to get
+some filberts. But he took such a great fistful that he could not
+draw his hand out again. There he stood, unwilling to give up a
+single filbert and yet unable to get them all out at once. Vexed
+and disappointed he began to cry.
+
+"My boy," said his mother, "be satisfied with half the nuts you
+have taken and you will easily get your hand out. Then perhaps
+you may have some more filberts some other time."
+
+_Do not attempt too much at once._
+
+
+
+
+HERCULES AND THE WAGONER
+
+
+A Farmer was driving his wagon along a miry country road after a
+heavy rain. The horses could hardly drag the load through the
+deep mud, and at last came to a standstill when one of the wheels
+sank to the hub in a rut.
+
+The farmer climbed down from his seat and stood beside the wagon
+looking at it but without making the least effort to get it out
+of the rut. All he did was to curse his bad luck and call loudly
+on Hercules to come to his aid. Then, it is said, Hercules really
+did appear, saying:
+
+"Put your shoulder to the wheel, man, and urge on your horses. Do
+you think you can move the wagon by simply looking at it and
+whining about it? Hercules will not help unless you make some
+effort to help yourself."
+
+And when the farmer put his shoulder to the wheel and urged on
+the horses, the wagon moved very readily, and soon the Farmer was
+riding along in great content and with a good lesson learned.
+
+_Self help is the best help._
+
+_Heaven helps those who help themselves._
+
+[Illustration]
+
+
+
+
+THE KID AND THE WOLF
+
+
+A frisky young Kid had been left by the herdsman on the thatched
+roof of a sheep shelter to keep him out of harm's way. The Kid
+was browsing near the edge of the roof, when he spied a Wolf and
+began to jeer at him, making faces and abusing him to his heart's
+content.
+
+"I hear you," said the Wolf, "and I haven't the least grudge
+against you for what you say or do. When you are up there it is
+the roof that's talking, not you."
+
+_Do not say anything at any time that you would not say at all
+times._
+
+[Illustration]
+
+
+
+
+THE TOWN MOUSE AND THE COUNTRY MOUSE
+
+
+A Town Mouse once visited a relative who lived in the country.
+For lunch the Country Mouse served wheat stalks, roots, and
+acorns, with a dash of cold water for drink. The Town Mouse ate
+very sparingly, nibbling a little of this and a little of that,
+and by her manner making it very plain that she ate the simple
+food only to be polite.
+
+After the meal the friends had a long talk, or rather the Town
+Mouse talked about her life in the city while the Country Mouse
+listened. They then went to bed in a cozy nest in the hedgerow
+and slept in quiet and comfort until morning. In her sleep the
+Country Mouse dreamed she was a Town Mouse with all the luxuries
+and delights of city life that her friend had described for her.
+So the next day when the Town Mouse asked the Country Mouse to go
+home with her to the city, she gladly said yes.
+
+When they reached the mansion in which the Town Mouse lived, they
+found on the table in the dining room the leavings of a very fine
+banquet. There were sweetmeats and jellies, pastries, delicious
+cheeses, indeed, the most tempting foods that a Mouse can
+imagine. But just as the Country Mouse was about to nibble a
+dainty bit of pastry, she heard a Cat mew loudly and scratch at
+the door. In great fear the Mice scurried to a hiding place,
+where they lay quite still for a long time, hardly daring to
+breathe. When at last they ventured back to the feast, the door
+opened suddenly and in came the servants to clear the table,
+followed by the House Dog.
+
+The Country Mouse stopped in the Town Mouse's den only long
+enough to pick up her carpet bag and umbrella.
+
+"You may have luxuries and dainties that I have not," she said as
+she hurried away, "but I prefer my plain food and simple life in
+the country with the peace and security that go with it."
+
+_Poverty with security is better than plenty in the midst of fear
+and uncertainty._
+
+[Illustration: THE TOWN MOUSE AND THE COUNTRY MOUSE]
+
+[Illustration]
+
+
+
+
+THE FOX AND THE GRAPES
+
+
+A Fox one day spied a beautiful bunch of ripe grapes hanging from
+a vine trained along the branches of a tree. The grapes seemed
+ready to burst with juice, and the Fox's mouth watered as he
+gazed longingly at them.
+
+The bunch hung from a high branch, and the Fox had to jump for
+it. The first time he jumped he missed it by a long way. So he
+walked off a short distance and took a running leap at it, only
+to fall short once more. Again and again he tried, but in vain.
+
+Now he sat down and looked at the grapes in disgust.
+
+"What a fool I am," he said. "Here I am wearing myself out to get
+a bunch of sour grapes that are not worth gaping for."
+
+And off he walked very, very scornfully.
+
+_There are many who pretend to despise and belittle that which is
+beyond their reach._
+
+
+
+
+THE BUNDLE OF STICKS
+
+
+A certain Father had a family of Sons, who were forever
+quarreling among themselves. No words he could say did the least
+good, so he cast about in his mind for some very striking example
+that should make them see that discord would lead them to
+misfortune.
+
+One day when the quarreling had been much more violent than usual
+and each of the Sons was moping in a surly manner, he asked one
+of them to bring him a bundle of sticks. Then handing the bundle
+to each of his Sons in turn he told them to try to break it. But
+although each one tried his best, none was able to do so.
+
+The Father then untied the bundle and gave the sticks to his Sons
+to break one by one. This they did very easily.
+
+"My Sons," said the Father, "do you not see how certain it is
+that if you agree with each other and help each other, it will be
+impossible for your enemies to injure you? But if you are divided
+among yourselves, you will be no stronger than a single stick in
+that bundle."
+
+_In unity is strength._
+
+
+
+
+THE WOLF AND THE CRANE
+
+
+A Wolf had been feasting too greedily, and a bone had stuck
+crosswise in his throat. He could get it neither up nor down, and
+of course he could not eat a thing. Naturally that was an awful
+state of affairs for a greedy Wolf.
+
+So away he hurried to the Crane. He was sure that she, with her
+long neck and bill, would easily be able to reach the bone and
+pull it out.
+
+"I will reward you very handsomely," said the Wolf, "if you pull
+that bone out for me."
+
+The Crane, as you can imagine, was very uneasy about putting her
+head in a Wolf's throat. But she was grasping in nature, so she
+did what the Wolf asked her to do.
+
+[Illustration]
+
+When the Wolf felt that the bone was gone, he started to walk
+away.
+
+"But what about my reward!" called the Crane anxiously.
+
+"What!" snarled the Wolf, whirling around. "Haven't you got it?
+Isn't it enough that I let you take your head out of my mouth
+without snapping it off?"
+
+_Expect no reward for serving the wicked._
+
+[Illustration]
+
+
+
+
+THE ASS AND HIS DRIVER
+
+
+An Ass was being driven along a road leading down the mountain
+side, when he suddenly took it into his silly head to choose his
+own path. He could see his stall at the foot of the mountain, and
+to him the quickest way down seemed to be over the edge of the
+nearest cliff. Just as he was about to leap over, his master
+caught him by the tail and tried to pull him back, but the
+stubborn Ass would not yield and pulled with all his might.
+
+"Very well," said his master, "go your way, you willful beast,
+and see where it leads you."
+
+With that he let go, and the foolish Ass tumbled head over heels
+down the mountain side.
+
+_They who will not listen to reason but stubbornly go their own
+way against the friendly advice of those who are wiser than they,
+are on the road to misfortune._
+
+
+
+
+THE OXEN AND THE WHEELS
+
+
+A pair of Oxen were drawing a heavily loaded wagon along a miry
+country road. They had to use all their strength to pull the
+wagon, but they did not complain.
+
+The Wheels of the wagon were of a different sort. Though the task
+they had to do was very light compared with that of the Oxen,
+they creaked and groaned at every turn. The poor Oxen, pulling
+with all their might to draw the wagon through the deep mud, had
+their ears filled with the loud complaining of the Wheels. And
+this, you may well know, made their work so much the harder to
+endure.
+
+"Silence!" the Oxen cried at last, out of patience. "What have
+you Wheels to complain about so loudly? We are drawing all the
+weight, not you, and we are keeping still about it besides."
+
+_They complain most who suffer least._
+
+[Illustration]
+
+
+
+
+THE LION AND THE MOUSE
+
+
+A Lion lay asleep in the forest, his great head resting on his
+paws. A timid little Mouse came upon him unexpectedly, and in her
+fright and haste to get away, ran across the Lion's nose. Roused
+from his nap, the Lion laid his huge paw angrily on the tiny
+creature to kill her.
+
+"Spare me!" begged the poor Mouse. "Please let me go and some day
+I will surely repay you."
+
+The Lion was much amused to think that a Mouse could ever help
+him. But he was generous and finally let the Mouse go.
+
+Some days later, while stalking his prey in the forest, the Lion
+was caught in the toils of a hunter's net. Unable to free
+himself, he filled the forest with his angry roaring. The Mouse
+knew the voice and quickly found the Lion struggling in the net.
+Running to one of the great ropes that bound him, she gnawed it
+until it parted, and soon the Lion was free.
+
+"You laughed when I said I would repay you," said the Mouse. "Now
+you see that even a Mouse can help a Lion."
+
+_A kindness is never wasted._
+
+[Illustration]
+
+
+
+
+THE SHEPHERD BOY AND THE WOLF
+
+
+A Shepherd Boy tended his master's Sheep near a dark forest not
+far from the village. Soon he found life in the pasture very
+dull. All he could do to amuse himself was to talk to his dog or
+play on his shepherd's pipe.
+
+One day as he sat watching the Sheep and the quiet forest, and
+thinking what he would do should he see a Wolf, he thought of a
+plan to amuse himself.
+
+His Master had told him to call for help should a Wolf attack the
+flock, and the Villagers would drive it away. So now, though he
+had not seen anything that even looked like a Wolf, he ran toward
+the village shouting at the top of his voice, "Wolf! Wolf!"
+
+As he expected, the Villagers who heard the cry dropped their
+work and ran in great excitement to the pasture. But when they
+got there they found the Boy doubled up with laughter at the
+trick he had played on them.
+
+A few days later the Shepherd Boy again shouted, "Wolf! Wolf!"
+Again the Villagers ran to help him, only to be laughed at again.
+
+Then one evening as the sun was setting behind the forest and the
+shadows were creeping out over the pasture, a Wolf really did
+spring from the underbrush and fall upon the Sheep.
+
+In terror the Boy ran toward the village shouting "Wolf! Wolf!"
+But though the Villagers heard the cry, they did not run to help
+him as they had before. "He cannot fool us again," they said.
+
+The Wolf killed a great many of the Boy's sheep and then slipped
+away into the forest.
+
+_Liars are not believed even when they speak the truth._
+
+
+
+
+THE GNAT AND THE BULL
+
+
+A Gnat flew over the meadow with much buzzing for so small a
+creature and settled on the tip of one of the horns of a Bull.
+After he had rested a short time, he made ready to fly away. But
+before he left he begged the Bull's pardon for having used his
+horn for a resting place.
+
+"You must be very glad to have me go now," he said.
+
+"It's all the same to me," replied the Bull. "I did not even know
+you were there."
+
+_We are often of greater importance in our own eyes than in the
+eyes of our neighbor._
+
+_The smaller the mind the greater the conceit._
+
+[Illustration]
+
+[Illustration]
+
+
+
+
+THE PLANE TREE
+
+
+Two Travellers, walking in the noonday sun, sought the shade of a
+widespreading tree to rest. As they lay looking up among the
+pleasant leaves, they saw that it was a Plane Tree.
+
+"How useless is the Plane!" said one of them. "It bears no fruit
+whatever, and only serves to litter the ground with leaves."
+
+"Ungrateful creatures!" said a voice from the Plane Tree. "You
+lie here in my cooling shade, and yet you say I am useless! Thus
+ungratefully, O Jupiter, do men receive their blessings!"
+
+_Our best blessings are often the least appreciated._
+
+[Illustration]
+
+
+
+
+THE FARMER AND THE STORK
+
+
+A Stork of a very simple and trusting nature had been asked by a
+gay party of Cranes to visit a field that had been newly planted.
+But the party ended dismally with all the birds entangled in the
+meshes of the Farmer's net.
+
+The Stork begged the Farmer to spare him.
+
+"Please let me go," he pleaded. "I belong to the Stork family who
+you know are honest and birds of good character. Besides, I did
+not know the Cranes were going to steal."
+
+"You may be a very good bird," answered the Farmer, "but I caught
+you with the thieving Cranes and you will have to share the same
+punishment with them."
+
+_You are judged by the company you keep._
+
+
+
+
+THE SHEEP AND THE PIG
+
+
+One day a shepherd discovered a fat Pig in the meadow where his
+Sheep were pastured. He very quickly captured the porker, which
+squealed at the top of its voice the moment the Shepherd laid his
+hands on it. You would have thought, to hear the loud squealing,
+that the Pig was being cruelly hurt. But in spite of its squeals
+and struggles to escape, the Shepherd tucked his prize under his
+arm and started off to the butcher's in the market place.
+
+The Sheep in the pasture were much astonished and amused at the
+Pig's behavior, and followed the Shepherd and his charge to the
+pasture gate.
+
+"What makes you squeal like that?" asked one of the Sheep. "The
+Shepherd often catches and carries off one of us. But we should
+feel very much ashamed to make such a terrible fuss about it like
+you do."
+
+"That is all very well," replied the Pig, with a squeal and a
+frantic kick. "When he catches you he is only after your wool.
+But he wants my bacon! gree-ee-ee!"
+
+_It is easy to be brave when there is no danger._
+
+[Illustration: THE SHEEP AND THE PIG]
+
+[Illustration]
+
+
+
+
+THE TRAVELERS AND THE PURSE
+
+
+Two men were traveling in company along the road when one of them
+picked up a well-filled purse.
+
+"How lucky I am!" he said. "I have found a purse. Judging by its
+weight it must be full of gold."
+
+"Do not say '_I_ have found a purse,'" said his companion. "Say
+rather '_we_ have found a purse' and 'how lucky _we_ are.'
+Travelers ought to share alike the fortunes or misfortunes of the
+road."
+
+"No, no," replied the other angrily. "_I_ found it and _I_ am
+going to keep it."
+
+Just then they heard a shout of "Stop, thief!" and looking
+around, saw a mob of people armed with clubs coming down the
+road.
+
+The man who had found the purse fell into a panic.
+
+"We are lost if they find the purse on us," he cried.
+
+"No, no," replied the other, "You would not say 'we' before, so
+now stick to your 'I'. Say '_I_ am lost.'"
+
+_We cannot expect any one to share our misfortunes unless we are
+willing to share our good fortune also._
+
+
+
+
+THE LION AND THE ASS
+
+
+One day as the Lion walked proudly down a forest aisle, and the
+animals respectfully made way for him, an Ass brayed a scornful
+remark as he passed.
+
+The Lion felt a flash of anger. But when he turned his head and
+saw who had spoken, he walked quietly on. He would not honor the
+fool with even so much as a stroke of his claws.
+
+_Do not resent the remarks of a fool. Ignore them._
+
+
+
+
+THE FROGS WHO WISHED FOR A KING
+
+
+The Frogs were tired of governing themselves. They had so much
+freedom that it had spoiled them, and they did nothing but sit
+around croaking in a bored manner and wishing for a government
+that could entertain them with the pomp and display of royalty,
+and rule them in a way to make them know they were being ruled.
+No milk and water government for them, they declared. So they
+sent a petition to Jupiter asking for a king.
+
+Jupiter saw what simple and foolish creatures they were, but to
+keep them quiet and make them think they had a king he threw down
+a huge log, which fell into the water with a great splash. The
+Frogs hid themselves among the reeds and grasses, thinking the
+new king to be some fearful giant. But they soon discovered how
+tame and peaceable King Log was. In a short time the younger
+Frogs were using him for a diving platform, while the older Frogs
+made him a meeting place, where they complained loudly to Jupiter
+about the government.
+
+[Illustration]
+
+To teach the Frogs a lesson the ruler of the gods now sent a
+Crane to be king of Frogland. The Crane proved to be a very
+different sort of king from old King Log. He gobbled up the poor
+Frogs right and left and they soon saw what fools they had been.
+In mournful croaks they begged Jupiter to take away the cruel
+tyrant before they should all be destroyed.
+
+"How now!" cried Jupiter "Are you not yet content? You have what
+you asked for and so you have only yourselves to blame for your
+misfortunes."
+
+_Be sure you can better your condition before you seek to
+change._
+
+[Illustration]
+
+
+
+
+THE OWL AND THE GRASSHOPPER
+
+
+The Owl always takes her sleep during the day. Then after
+sundown, when the rosy light fades from the sky and the shadows
+rise slowly through the wood, out she comes ruffling and blinking
+from the old hollow tree. Now her weird "hoo-hoo-hoo-oo-oo"
+echoes through the quiet wood, and she begins her hunt for the
+bugs and beetles, frogs and mice she likes so well to eat.
+
+Now there was a certain old Owl who had become very cross and
+hard to please as she grew older, especially if anything
+disturbed her daily slumbers. One warm summer afternoon as she
+dozed away in her den in the old oak tree, a Grasshopper nearby
+began a joyous but very raspy song. Out popped the old Owl's head
+from the opening in the tree that served her both for door and
+for window.
+
+"Get away from here, sir," she said to the Grasshopper. "Have you
+no manners? You should at least respect my age and leave me to
+sleep in quiet!"
+
+But the Grasshopper answered saucily that he had as much right to
+his place in the sun as the Owl had to her place in the old oak.
+Then he struck up a louder and still more rasping tune.
+
+[Illustration]
+
+The wise old Owl knew quite well that it would do no good to
+argue with the Grasshopper, nor with anybody else for that
+matter. Besides, her eyes were not sharp enough by day to permit
+her to punish the Grasshopper as he deserved. So she laid aside
+all hard words and spoke very kindly to him.
+
+"Well sir," she said, "if I must stay awake, I am going to settle
+right down to enjoy your singing. Now that I think of it, I have
+a wonderful wine here, sent me from Olympus, of which I am told
+Apollo drinks before he sings to the high gods. Please come up
+and taste this delicious drink with me. I know it will make you
+sing like Apollo himself."
+
+The foolish Grasshopper was taken in by the Owl's flattering
+words. Up he jumped to the Owl's den, but as soon as he was near
+enough so the old Owl could see him clearly, she pounced upon him
+and ate him up.
+
+_Flattery is not a proof of true admiration._
+
+_Do not let flattery throw you off your guard against an enemy._
+
+[Illustration]
+
+
+
+
+THE WOLF AND HIS SHADOW
+
+
+A Wolf left his lair one evening in fine spirits and an excellent
+appetite. As he ran, the setting sun cast his shadow far out on
+the ground, and it looked as if the wolf were a hundred times
+bigger than he really was.
+
+"Why," exclaimed the Wolf proudly, "see how big I am! Fancy _me_
+running away from a puny Lion! I'll show him who is fit to be
+king, he or I."
+
+Just then an immense shadow blotted him out entirely, and the
+next instant a Lion struck him down with a single blow.
+
+_Do not let your fancy make you forget realities._
+
+[Illustration]
+
+
+
+
+THE OAK AND THE REEDS
+
+
+A Giant Oak stood near a brook in which grew some slender Reeds.
+When the wind blew, the great Oak stood proudly upright with its
+hundred arms uplifted to the sky. But the Reeds bowed low in the
+wind and sang a sad and mournful song.
+
+"You have reason to complain," said the Oak. "The slightest
+breeze that ruffles the surface of the water makes you bow your
+heads, while I, the mighty Oak, stand upright and firm before the
+howling tempest."
+
+"Do not worry about us," replied the Reeds. "The winds do not
+harm us. We bow before them and so we do not break. You, in all
+your pride and strength, have so far resisted their blows. But
+the end is coming."
+
+As the Reeds spoke a great hurricane rushed out of the north. The
+Oak stood proudly and fought against the storm, while the
+yielding Reeds bowed low. The wind redoubled in fury, and all at
+once the great tree fell, torn up by the roots, and lay among the
+pitying Reeds.
+
+_Better to yield when it is folly to resist, than to resist
+stubbornly and be destroyed._
+
+
+
+
+THE RAT AND THE ELEPHANT
+
+
+A Rat was traveling along the King's highway. He was a very proud
+Rat, considering his small size and the bad reputation all Rats
+have. As Mr. Rat walked along--he kept mostly to the ditch--he
+noticed a great commotion up the road, and soon a grand
+procession came in view. It was the King and his retinue.
+
+The King rode on a huge Elephant adorned with the most gorgeous
+trappings. With the King in his luxurious howdah were the royal
+Dog and Cat. A great crowd of people followed the procession.
+They were so taken up with admiration of the Elephant, that the
+Rat was not noticed. His pride was hurt.
+
+"What fools!" he cried. "Look at me, and you will soon forget
+that clumsy Elephant! Is it his great size that makes your eyes
+pop out? Or is it his wrinkled hide? Why, I have eyes and ears
+and as many legs as he! I am of just as much importance, and"--
+
+But just then the royal Cat spied him, and the next instant, the
+Rat knew he was _not_ quite so important as an Elephant.
+
+_A resemblance to the great in some things does not make us
+great._
+
+
+
+
+THE BOYS AND THE FROGS
+
+
+Some Boys were playing one day at the edge of a pond in which
+lived a family of Frogs. The Boys amused themselves by throwing
+stones into the pond so as to make them skip on top of the water.
+
+The stones were flying thick and fast and the Boys were enjoying
+themselves very much; but the poor Frogs in the pond were
+trembling with fear.
+
+At last one of the Frogs, the oldest and bravest, put his head
+out of the water, and said, "Oh, please, dear children, stop your
+cruel play! Though it may be fun for you, it means death to us!"
+
+_Always stop to think whether your fun may not be the cause of
+another's unhappiness._
+
+[Illustration]
+
+
+
+
+THE CROW AND THE PITCHER
+
+
+In a spell of dry weather, when the Birds could find very little
+to drink, a thirsty Crow found a pitcher with a little water in
+it. But the pitcher was high and had a narrow neck, and no matter
+how he tried, the Crow could not reach the water. The poor thing
+felt as if he must die of thirst.
+
+Then an idea came to him. Picking up some small pebbles, he
+dropped them into the pitcher one by one. With each pebble the
+water rose a little higher until at last it was near enough so he
+could drink.
+
+_In a pinch a good use of our wits may help us out._
+
+[Illustration]
+
+[Illustration]
+
+
+
+
+THE ANTS AND THE GRASSHOPPER
+
+
+One bright day in late autumn a family of Ants were bustling
+about in the warm sunshine, drying out the grain they had stored
+up during the summer, when a starving Grasshopper, his fiddle
+under his arm, came up and humbly begged for a bite to eat.
+
+"What!" cried the Ants in surprise, "haven't you stored anything
+away for the winter? What in the world were you doing all last
+summer?"
+
+"I didn't have time to store up any food," whined the
+Grasshopper; "I was so busy making music that before I knew it
+the summer was gone."
+
+The Ants shrugged their shoulders in disgust.
+
+"Making music, were you?" they cried. "Very well; now dance!" And
+they turned their backs on the Grasshopper and went on with their
+work.
+
+_There's a time for work and a time for play._
+
+
+
+
+THE ASS CARRYING THE IMAGE
+
+
+A sacred Image was being carried to the temple. It was mounted on
+an Ass adorned with garlands and gorgeous trappings, and a grand
+procession of priests and pages followed it through the streets.
+As the Ass walked along, the people bowed their heads reverently
+or fell on their knees, and the Ass thought the honor was being
+paid to himself.
+
+With his head full of this foolish idea, he became so puffed up
+with pride and vanity that he halted and started to bray loudly.
+But in the midst of his song, his driver guessed what the Ass had
+got into his head, and began to beat him unmercifully with a
+stick.
+
+"Go along with you, you stupid Ass," he cried. "The honor is not
+meant for you but for the image you are carrying."
+
+_Do not try to take the credit to yourself that is due to
+others._
+
+
+
+
+A RAVEN AND A SWAN
+
+
+A Raven, which you know is black as coal, was envious of the
+Swan, because her feathers were as white as the purest snow. The
+foolish bird got the idea that if he lived like the Swan,
+swimming and diving all day long and eating the weeds and plants
+that grow in the water, his feathers would turn white like the
+Swan's.
+
+So he left his home in the woods and fields and flew down to live
+on the lakes and in the marshes. But though he washed and washed
+all day long, almost drowning himself at it, his feathers
+remained as black as ever. And as the water weeds he ate did not
+agree with him, he got thinner and thinner, and at last he died.
+
+_A change of habits will not alter nature._
+
+[Illustration]
+
+[Illustration]
+
+
+
+
+THE TWO GOATS
+
+
+Two Goats, frisking gayly on the rocky steeps of a mountain
+valley, chanced to meet, one on each side of a deep chasm through
+which poured a mighty mountain torrent. The trunk of a fallen
+tree formed the only means of crossing the chasm, and on this not
+even two squirrels could have passed each other in safety. The
+narrow path would have made the bravest tremble. Not so our
+Goats. Their pride would not permit either to stand aside for the
+other.
+
+One set her foot on the log. The other did likewise. In the
+middle they met horn to horn. Neither would give way, and so they
+both fell, to be swept away by the roaring torrent below.
+
+_It is better to yield than to come to misfortune through
+stubbornness._
+
+
+
+
+THE ASS AND THE LOAD OF SALT
+
+
+A Merchant, driving his Ass homeward from the seashore with a
+heavy load of salt, came to a river crossed by a shallow ford.
+They had crossed this river many times before without accident,
+but this time the Ass slipped and fell when halfway over. And
+when the Merchant at last got him to his feet, much of the salt
+had melted away. Delighted to find how much lighter his burden
+had become, the Ass finished the journey very gayly.
+
+Next day the Merchant went for another load of salt. On the way
+home the Ass, remembering what had happened at the ford,
+purposely let himself fall into the water, and again got rid of
+most of his burden.
+
+The angry Merchant immediately turned about and drove the Ass
+back to the seashore, where he loaded him with two great baskets
+of sponges. At the ford the Ass again tumbled over; but when he
+had scrambled to his feet, it was a very disconsolate Ass that
+dragged himself homeward under a load ten times heavier than
+before.
+
+_The same measures will not suit all circumstances._
+
+[Illustration: THE ASS AND THE LOAD OF SALT]
+
+[Illustration]
+
+
+
+
+THE LION AND THE GNAT
+
+
+"Away with you, vile insect!" said a Lion angrily to a Gnat that
+was buzzing around his head. But the Gnat was not in the least
+disturbed.
+
+"Do you think," he said spitefully to the Lion, "that I am afraid
+of you because they call you king?"
+
+The next instant he flew at the Lion and stung him sharply on the
+nose. Mad with rage, the Lion struck fiercely at the Gnat, but
+only succeeded in tearing himself with his claws. Again and again
+the Gnat stung the Lion, who now was roaring terribly. At last,
+worn out with rage and covered with wounds that his own teeth and
+claws had made, the Lion gave up the fight.
+
+The Gnat buzzed away to tell the whole world about his victory,
+but instead he flew straight into a spider's web. And there, he
+who had defeated the King of beasts came to a miserable end, the
+prey of a little spider.
+
+_The least of our enemies is often the most to be feared._
+
+_Pride over a success should not throw us off our guard._
+
+
+
+
+THE LEAP AT RHODES
+
+A certain man who visited foreign lands could talk of little when
+he returned to his home except the wonderful adventures he had
+met with and the great deeds he had done abroad.
+
+One of the feats he told about was a leap he had made in a city
+Called Rhodes. That leap was so great, he said, that no other man
+could leap anywhere near the distance. A great many persons in
+Rhodes had seen him do it and would prove that what he told was
+true.
+
+"No need of witnesses," said one of the hearers. "Suppose this
+city is Rhodes. Now show us how far you can jump."
+
+_Deeds count, not boasting words._
+
+
+
+
+THE COCK AND THE JEWEL
+
+A Cock was busily scratching and scraping about to find something
+to eat for himself and his family, when he happened to turn up a
+precious jewel that had been lost by its owner.
+
+"Aha!" said the Cock. "No doubt you are very costly and he who
+lost you would give a great deal to find you. But as for me, I
+would choose a single grain of barleycorn before all the jewels
+in the world."
+
+_Precious things are without value to those who cannot prize
+them._
+
+
+
+
+THE MONKEY AND THE CAMEL
+
+
+At a great celebration in honor of King Lion, the Monkey was
+asked to dance for the company. His dancing was very clever
+indeed, and the animals were all highly pleased with his grace
+and lightness.
+
+The praise that was showered on the Monkey made the Camel
+envious. He was very sure that he could dance quite as well as
+the Monkey, if not better, so he pushed his way into the crowd
+that was gathered around the Monkey, and rising on his hind legs,
+began to dance. But the big hulking Camel made himself very
+ridiculous as he kicked out his knotty legs and twisted his long
+clumsy neck. Besides, the animals found it hard to keep their
+toes from under his heavy hoofs.
+
+At last, when one of his huge feet came within an inch of King
+Lion's nose, the animals were so disgusted that they set upon the
+Camel in a rage and drove him out into the desert.
+
+Shortly afterward, refreshments, consisting mostly of Camel's
+hump and ribs, were served to the company.
+
+_Do not try to ape your betters._
+
+[Illustration]
+
+
+
+
+THE WILD BOAR AND THE FOX
+
+
+A Wild Boar was sharpening his tusks busily against the stump of
+a tree, when a Fox happened by. Now the Fox was always looking
+for a chance to make fun of his neighbors. So he made a great
+show of looking anxiously about, as if in fear of some hidden
+enemy. But the Boar kept right on with his work.
+
+"Why are you doing that?" asked the Fox at last with a grin.
+"There isn't any danger that I can see."
+
+"True enough," replied the Boar, "but when danger does come there
+will not be time for such work as this. My weapons will have to
+be ready for use then, or I shall suffer for it."
+
+_Preparedness for war is the best guarantee of peace._
+
+[Illustration]
+
+
+
+
+THE ASS, THE FOX, AND THE LION
+
+
+An Ass and a Fox had become close comrades, and were constantly
+in each other's company. While the Ass cropped a fresh bit of
+greens, the Fox would devour a chicken from the neighboring
+farmyard or a bit of cheese filched from the dairy. One day the
+pair unexpectedly met a Lion. The Ass was very much frightened,
+but the Fox calmed his fears.
+
+"I will talk to him," he said.
+
+So the Fox walked boldly up to the Lion.
+
+"Your highness," he said in an undertone, so the Ass could not
+hear him, "I've got a fine scheme in my head. If you promise not
+to hurt me, I will lead that foolish creature yonder into a pit
+where he can't get out, and you can feast at your pleasure."
+
+The Lion agreed and the Fox returned to the Ass.
+
+"I made him promise not to hurt us," said the Fox. "But come, I
+know a good place to hide till he is gone."
+
+So the Fox led the Ass into a deep pit. But when the Lion saw
+that the Ass was his for the taking, he first of all struck down
+the traitor Fox.
+
+_Traitors may expect treachery._
+
+
+
+
+THE BIRDS, THE BEASTS, AND THE BAT
+
+The Birds and the Beasts declared war against each other. No
+compromise was possible, and so they went at it tooth and claw.
+It is said the quarrel grew out of the persecution the race of
+Geese suffered at the teeth of the Fox family. The Beasts, too,
+had cause for fight. The Eagle was constantly pouncing on the
+Hare, and the Owl dined daily on Mice.
+
+It was a terrible battle. Many a Hare and many a Mouse died.
+Chickens and Geese fell by the score--and the victor always
+stopped for a feast.
+
+Now the Bat family had not openly joined either side. They were a
+very politic race. So when they saw the Birds getting the better
+of it, they were Birds for all there was in it. But when the tide
+of battle turned, they immediately sided with the Beasts.
+
+When the battle was over, the conduct of the Bats was discussed
+at the peace conference. Such deceit was unpardonable, and Birds
+and Beasts made common cause to drive out the Bats. And since
+then the Bat family hides in dark towers and deserted ruins,
+flying out only in the night.
+
+_The deceitful have no friends._
+
+[Illustration]
+
+
+
+
+THE LION, THE BEAR, AND THE FOX
+
+
+Just as a great Bear rushed to seize a stray kid, a Lion leaped
+from another direction upon the same prey. The two fought
+furiously for the prize until they had received so many wounds
+that both sank down unable to continue the battle.
+
+Just then a Fox dashed up, and seizing the kid, made off with it
+as fast as he could go, while the Lion and the Bear looked on in
+helpless rage.
+
+"How much better it would have been," they said, "to have shared
+in a friendly spirit."
+
+_Those who have all the toil do not always get the profit._
+
+[Illustration]
+
+
+
+
+THE WOLF AND THE LAMB
+
+
+A stray Lamb stood drinking early one morning on the bank of a
+woodland stream. That very same morning a hungry Wolf came by
+farther up the stream, hunting for something to eat. He soon got
+his eyes on the Lamb. As a rule Mr. Wolf snapped up such
+delicious morsels without making any bones about it, but this
+Lamb looked so very helpless and innocent that the Wolf felt he
+ought to have some kind of an excuse for taking its life.
+
+"How dare you paddle around in my stream and stir up all the
+mud!" he shouted fiercely. "You deserve to be punished severely
+for your rashness!"
+
+"But, your highness," replied the trembling Lamb, "do not be
+angry! I cannot possibly muddy the water you are drinking up
+there. Remember, you are upstream and I am downstream."
+
+"You _do_ muddy it!" retorted the Wolf savagely. "And besides, I
+have heard that you told lies about me last year!"
+
+"How could I have done so?" pleaded the Lamb. "I wasn't born
+until this year."
+
+"If it wasn't you, it was your brother!"
+
+"I have no brothers."
+
+"Well, then," snarled the Wolf, "It was someone in your family
+anyway. But no matter who it was, I do not intend to be talked
+out of my breakfast."
+
+And without more words the Wolf seized the poor Lamb and carried
+her off to the forest.
+
+_The tyrant can always find an excuse for his tyranny._
+
+_The unjust will not listen to the reasoning of the innocent._
+
+
+
+
+THE WOLF AND THE SHEEP
+
+
+A Wolf had been hurt in a fight with a Bear. He was unable to
+move and could not satisfy his hunger and thirst. A Sheep passed
+by near his hiding place, and the Wolf called to him.
+
+"Please fetch me a drink of water," he begged, "that might give
+me strength enough so I can get me some solid food."
+
+"Solid food!" said the Sheep. "That means me, I suppose. If I
+should bring you a drink, it would only serve to wash me down
+your throat. Don't talk to me about a drink!"
+
+_A knave's hypocrisy is easily seen through._
+
+
+
+
+THE HARES AND THE FROGS
+
+
+Hares, as you know, are very timid. The least shadow, sends them
+scurrying in fright to a hiding place. Once they decided to die
+rather than live in such misery. But while they were debating how
+best to meet death, they thought they heard a noise and in a
+flash were scampering off to the warren. On the way they passed a
+pond where a family of Frogs was sitting among the reeds on the
+bank. In an instant the startled Frogs were seeking safety in the
+mud.
+
+"Look," cried a Hare, "things are not so bad after all, for here
+are creatures who are even afraid of us!"
+
+_However unfortunate we may think we are there is always someone
+worse off than ourselves._
+
+[Illustration]
+
+[Illustration]
+
+
+
+
+THE FOX AND THE STORK
+
+
+The Fox one day thought of a plan to amuse himself at the expense
+of the Stork, at whose odd appearance he was always laughing.
+
+"You must come and dine with me today," he said to the Stork,
+smiling to himself at the trick he was going to play. The Stork
+gladly accepted the invitation and arrived in good time and with
+a very good appetite.
+
+For dinner the Fox served soup. But it was set out in a very
+shallow dish, and all the Stork could do was to wet the very tip
+of his bill. Not a drop of soup could he get. But the Fox lapped
+it up easily, and, to increase the disappointment of the Stork,
+made a great show of enjoyment.
+
+[Illustration]
+
+The hungry Stork was much displeased at the trick, but he was a
+calm, even-tempered fellow and saw no good in flying into a rage.
+Instead, not long afterward, he invited the Fox to dine with him
+in turn. The Fox arrived promptly at the time that had been set,
+and the Stork served a fish dinner that had a very appetizing
+smell. But it was served in a tall jar with a very narrow neck.
+The Stork could easily get at the food with his long bill, but
+all the Fox could do was to lick the outside of the jar, and
+sniff at the delicious odor. And when the Fox lost his temper,
+the Stork said calmly:
+
+_Do not play tricks on your neighbors unless you can stand the
+same treatment yourself._
+
+
+
+
+THE TRAVELERS AND THE SEA
+
+
+Two Travelers were walking along the seashore. Far out they saw
+something riding on the waves.
+
+"Look," said one, "a great ship rides in from distant lands,
+bearing rich treasures!"
+
+The object they saw came ever nearer the shore.
+
+"No," said the other, "that is not a treasure ship. That is some
+fisherman's skiff, with the day's catch of savoury fish."
+
+Still nearer came the object. The waves washed it up on shore.
+
+"It is a chest of gold lost from some wreck," they cried. Both
+Travelers rushed to the beach, but there they found nothing but a
+water-soaked log.
+
+_Do not let your hopes carry you away from reality._
+
+[Illustration]
+
+
+
+
+THE WOLF AND THE LION
+
+
+A Wolf had stolen a Lamb and was carrying it off to his lair to
+eat it. But his plans were very much changed when he met a Lion,
+who, without making any excuses, took the Lamb away from him.
+
+The Wolf made off to a safe distance, and then said in a much
+injured tone:
+
+"You have no right to take my property like that!"
+
+The Lion looked back, but as the Wolf was too far away to be
+taught a lesson without too much inconvenience, he said:
+
+"Your property? Did you buy it, or did the Shepherd make you a
+gift of it? Pray tell me, how did you get it?"
+
+_What is evil won is evil lost._
+
+[Illustration]
+
+
+
+
+THE STAG AND HIS REFLECTION
+
+
+A Stag, drinking from a crystal spring, saw himself mirrored in
+the clear water. He greatly admired the graceful arch of his
+antlers, but he was very much ashamed of his spindling legs.
+
+"How can it be," he sighed, "that I should be cursed with such
+legs when I have so magnificent a crown."
+
+At that moment he scented a panther and in an instant was bounding
+away through the forest. But as he ran his wide-spreading antlers
+caught in the branches of the trees, and soon the Panther overtook
+him. Then the Stag perceived that the legs of which he was so
+ashamed would have saved him had it not been for the useless
+ornaments on his head.
+
+_We often make much of the ornamental and despise the useful._
+
+
+
+
+THE PEACOCK
+
+
+The Peacock, they say, did not at first have the beautiful
+feathers in which he now takes so much pride. These, Juno, whose
+favorite he was, granted to him one day when he begged her for a
+train of feathers to distinguish him from the other birds. Then,
+decked in his finery, gleaming with emerald, gold, purple, and
+azure, he strutted proudly among the birds. All regarded him with
+envy. Even the most beautiful pheasant could see that his beauty
+was surpassed.
+
+Presently the Peacock saw an Eagle soaring high up in the blue
+sky and felt a desire to fly, as he had been accustomed to do.
+Lifting his wings he tried to rise from the ground. But the
+weight of his magnificent train held him down. Instead of flying
+up to greet the first rays of the morning sun or to bathe in the
+rosy light among the floating clouds at sunset, he would have to
+walk the ground more encumbered and oppressed than any common
+barnyard fowl.
+
+_Do not sacrifice your freedom for the sake of pomp and show._
+
+[Illustration: THE PEACOCK]
+
+[Illustration]
+
+
+
+
+THE MICE AND THE WEASELS
+
+
+The Weasels and the Mice were always up in arms against each
+other. In every battle the Weasels carried off the victory, as
+well as a large number of the Mice, which they ate for dinner
+next day. In despair the Mice called a council, and there it was
+decided that the Mouse army was always beaten because it had no
+leaders. So a large number of generals and commanders were
+appointed from among the most eminent Mice.
+
+To distinguish themselves from the soldiers in the ranks, the new
+leaders proudly bound on their heads lofty crests and ornaments
+of feathers or straw. Then after long preparation of the Mouse
+army in all the arts of war, they sent a challenge to the
+Weasels.
+
+The Weasels accepted the challenge with eagerness, for they were
+always ready for a fight when a meal was in sight. They
+immediately attacked the Mouse army in large numbers. Soon the
+Mouse line gave way before the attack and the whole army fled for
+cover. The privates easily slipped into their holes, but the
+Mouse leaders could not squeeze through the narrow openings
+because of their head-dresses. Not one escaped the teeth of the
+hungry Weasels.
+
+_Greatness has its penalties._
+
+
+
+
+THE WOLF AND THE LEAN DOG
+
+
+A Wolf prowling near a village one evening met a Dog. It happened
+to be a very lean and bony Dog, and Master Wolf would have turned
+up his nose at such meager fare had he not been more hungry than
+usual. So he began to edge toward the Dog, while the Dog backed
+away.
+
+"Let me remind your lordship," said the Dog, his words
+interrupted now and then as he dodged a snap of the Wolf's teeth,
+"how unpleasant it would be to eat me now. Look at my ribs. I am
+nothing but skin and bone. But let me tell you something in
+private. In a few days my master will give a wedding feast for
+his only daughter. You can guess how fine and fat I will grow on
+the scraps from the table. _Then_ is the time to eat me."
+
+The Wolf could not help thinking how nice it would be to have a
+fine fat Dog to eat instead of the scrawny object before him. So
+he went away pulling in his belt and promising to return.
+
+Some days later the Wolf came back for the promised feast. He
+found the Dog in his master's yard, and asked him to come out and
+be eaten.
+
+"Sir," said the Dog, with a grin, "I shall be delighted to have
+you eat me. I'll be out as soon as the porter opens the door."
+
+But the "porter" was a huge Dog whom the Wolf knew by painful
+experience to be very unkind toward wolves. So he decided not to
+wait and made off as fast as his legs could carry him.
+
+_Do not depend on the promises of those whose interest it is to
+deceive you._
+
+_Take what you can get when you can get it._
+
+[Illustration]
+
+
+
+
+THE FOX AND THE LION
+
+
+A very young Fox, who had never before seen a Lion, happened to
+meet one in the forest. A single look was enough to send the Fox
+off at top speed for the nearest hiding place.
+
+The second time the Fox saw the Lion he stopped behind a tree to
+look at him a moment before slinking away. But the third time,
+the Fox went boldly up to the Lion and, without turning a hair,
+said, "Hello, there, old top."
+
+_Familiarity breeds contempt._
+
+_Acquaintance with evil blinds us to its dangers._
+
+
+
+
+THE LION AND THE ASS
+
+
+A Lion and an Ass agreed to go hunting together. In their search
+for game the hunters saw a number of Wild Goats run into a cave,
+and laid plans to catch them. The Ass was to go into the cave and
+drive the Goats out, while the Lion would stand at the entrance
+to strike them down.
+
+The plan worked beautifully. The Ass made such a frightful din in
+the cave, kicking and braying with all his might, that the Goats
+came running out in a panic of fear, only to fall victim to the
+Lion.
+
+The Ass came proudly out of the cave.
+
+"Did you see how I made them run?" he said.
+
+[Illustration]
+
+"Yes, indeed," answered the Lion, "and if I had not known you and
+your kind I should certainly have run, too."
+
+_The loud-mouthed boaster does not impress nor frighten those who
+know him._
+
+
+
+
+THE DOG AND HIS MASTER'S DINNER
+
+
+A Dog had learned to carry his master's dinner to him every day.
+He was very faithful to his duty, though the smell of the good
+things in the basket tempted him.
+
+The Dogs in the neighborhood noticed him carrying the basket and
+soon discovered what was in it. They made several attempts to
+steal it from him. But he always guarded it faithfully.
+
+Then one day all the Dogs in the neighborhood got together and
+met him on his way with the basket. The Dog tried to run away
+from them. But at last he stopped to argue.
+
+That was his mistake. They soon made him feel so ridiculous that
+he dropped the basket and seized a large piece of roast meat
+intended for his master's dinner.
+
+"Very well," he said, "you divide the rest."
+
+_Do not stop to argue with temptation._
+
+[Illustration]
+
+
+
+
+THE VAIN JACKDAW AND HIS BORROWED FEATHERS
+
+
+A Jackdaw chanced to fly over the garden of the King's palace.
+There he saw with much wonder and envy a flock of royal Peacocks
+in all the glory of their splendid plumage.
+
+Now the black Jackdaw was not a very handsome bird, nor very
+refined in manner. Yet he imagined that all he needed to make
+himself fit for the society of the Peacocks was a dress like
+theirs. So he picked up some castoff feathers of the Peacocks and
+stuck them among his own black plumes.
+
+Dressed in his borrowed finery he strutted loftily among the
+birds of his own kind. Then he flew down into the garden among
+the Peacocks. But they soon saw who he was. Angry at the cheat,
+they flew at him, plucking away the borrowed feathers and also
+some of his own.
+
+The poor Jackdaw returned sadly to his former companions. There
+another unpleasant surprise awaited him. They had not forgotten
+his superior airs toward them, and, to punish him, they drove him
+away with a rain of pecks and jeers.
+
+_Borrowed feathers do not make fine birds._
+
+[Illustration]
+
+[Illustration]
+
+
+
+
+THE MONKEY AND THE DOLPHIN
+
+
+It happened once upon a time that a certain Greek ship bound for
+Athens was wrecked off the coast close to Piraeus, the port of
+Athens. Had it not been for the Dolphins, who at that time were
+very friendly toward mankind and especially toward Athenians, all
+would have perished. But the Dolphins took the shipwrecked people
+on their backs and swam with them to shore.
+
+Now it was the custom among the Greeks to take their pet monkeys
+and dogs with them whenever they went on a voyage. So when one of
+the Dolphins saw a Monkey struggling in the water, he thought it
+was a man, and made the Monkey climb up on his back. Then off he
+swam with him toward the shore.
+
+The Monkey sat up, grave and dignified, on the Dolphin's back.
+
+"You are a citizen of illustrious Athens, are you not?" asked the
+Dolphin politely.
+
+"Yes," answered the Monkey, proudly. "My family is one of the
+noblest in the city."
+
+"Indeed," said the Dolphin. "Then of course you often visit
+Piraeus."
+
+"Yes, yes," replied the Monkey. "Indeed, I do. I am with him
+constantly. Piraeus is my very best friend."
+
+This answer took the Dolphin by surprise, and, turning his head,
+he now saw what it was he was carrying. Without more ado, he
+dived and left the foolish Monkey to take care of himself, while
+he swam off in search of some human being to save.
+
+_One falsehood leads to another._
+
+[Illustration]
+
+
+
+
+THE WOLF AND THE ASS
+
+
+An Ass was feeding in a pasture near a wood when he saw a Wolf
+lurking in the shadows along the hedge. He easily guessed what
+the Wolf had in mind, and thought of a plan to save himself. So
+he pretended he was lame, and began to hobble painfully.
+
+When the Wolf came up, he asked the Ass what had made him lame,
+and the Ass replied that he had stepped on a sharp thorn.
+
+"Please pull it out," he pleaded, groaning as if in pain. "If you
+do not, it might stick in your throat when you eat me."
+
+The Wolf saw the wisdom of the advice, for he wanted to enjoy his
+meal without any danger of choking. So the Ass lifted up his foot
+and the Wolf began to search very closely and carefully for the
+thorn.
+
+Just then the Ass kicked out with all his might, tumbling the
+Wolf a dozen paces away. And while the Wolf was getting very
+slowly and painfully to his feet, the Ass galloped away in
+safety.
+
+"Serves me right," growled the Wolf as he crept into the bushes.
+"I'm a butcher by trade, not a doctor."
+
+_Stick to your trade._
+
+[Illustration]
+
+
+
+
+THE MONKEY AND THE CAT
+
+
+Once upon a time a Cat and a Monkey lived as pets in the same
+house. They were great friends and were constantly in all sorts
+of mischief together. What they seemed to think of more than
+anything else was to get something to eat, and it did not matter
+much to them how they got it.
+
+One day they were sitting by the fire, watching some chestnuts
+roasting on the hearth. How to get them was the question.
+
+"I would gladly get them," said the cunning Monkey, "but you are
+much more skillful at such things than I am. Pull them out and
+I'll divide them between us."
+
+Pussy stretched out her paw very carefully, pushed aside some of
+the cinders, and drew back her paw very quickly. Then she tried
+it again, this time pulling a chestnut half out of the fire. A
+third time and she drew out the chestnut. This performance she
+went through several times, each time singeing her paw severely.
+As fast as she pulled the chestnuts out of the fire, the Monkey
+ate them up.
+
+Now the master came in, and away scampered the rascals, Mistress
+Cat with a burnt paw and no chestnuts. From that time on, they
+say, she contented herself with mice and rats and had little to
+do with Sir Monkey.
+
+_The flatterer seeks some benefit at your expense._
+
+
+
+
+THE DOGS AND THE FOX
+
+
+Some Dogs found the skin of a Lion and furiously began to tear it
+with their teeth. A Fox chanced to see them and laughed
+scornfully.
+
+"If that Lion had been alive," he said, "it would have been a
+very different story. He would have made you feel how much
+sharper his claws are than your teeth."
+
+_It is easy and also contemptible to kick a man that is down._
+
+
+
+
+THE DOGS AND THE HIDES
+
+
+Some hungry Dogs saw a number of hides at the bottom of a stream
+where the Tanner had put them to soak. A fine hide makes an
+excellent meal for a hungry Dog, but the water was deep and the
+Dogs could not reach the hides from the bank. So they held a
+council and decided that the very best thing to do was to drink
+up the river.
+
+All fell to lapping up the water as fast as they could. But
+though they drank and drank until, one after another, all of them
+had burst with drinking, still, for all their effort, the water
+in the river remained as high as ever.
+
+_Do not try to do impossible things._
+
+
+
+
+THE RABBIT, THE WEASEL, AND THE CAT
+
+
+A Rabbit left his home one day for a dinner of clover. But he
+forgot to latch the door of his house and while he was gone a
+Weasel walked in and calmly made himself at home. When the Rabbit
+returned, there was the Weasel's nose sticking out of the
+Rabbit's own doorway, sniffing the fine air.
+
+The Rabbit was quite angry--for a Rabbit--, and requested the
+Weasel to move out. But the Weasel was perfectly content. He was
+settled down for good.
+
+[Illustration]
+
+A wise old Cat heard the dispute and offered to settle it.
+
+"Come close to me," said the Cat, "I am very deaf. Put your
+mouths close to my ears while you tell me the facts."
+
+The unsuspecting pair did as they were told and in an instant the
+Cat had them both under her claws. No one could deny that the
+dispute had been definitely settled.
+
+_The strong are apt to settle questions to their own advantage._
+
+[Illustration]
+
+
+
+
+THE BEAR AND THE BEES
+
+
+A Bear roaming the woods in search of berries happened on a
+fallen tree in which a swarm of Bees had stored their honey. The
+Bear began to nose around the log very carefully to find out if
+the Bees were at home. Just then one of the swarm came home from
+the clover field with a load of sweets. Guessing what the Bear
+was after, the Bee flew at him, stung him sharply and then
+disappeared into the hollow log.
+
+The Bear lost his temper in an instant, and sprang upon the log
+tooth and claw, to destroy the nest. But this only brought out
+the whole swarm. The poor Bear had to take to his heels, and he
+was able to save himself only by diving into a pool of water.
+
+_It is wiser to bear a single injury in silence than to provoke a
+thousand by flying into a rage._
+
+
+
+
+THE FOX AND THE LEOPARD
+
+
+A Fox and a Leopard, resting lazily after a generous dinner,
+amused themselves by disputing about their good looks. The
+Leopard was very proud of his glossy, spotted coat and made
+disdainful remarks about the Fox, whose appearance he declared
+was quite ordinary.
+
+The Fox prided himself on his fine bushy tail with its tip of
+white, but he was wise enough to see that he could not rival the
+Leopard in looks. Still he kept up a flow of sarcastic talk, just
+to exercise his wits and to have the fun of disputing. The
+Leopard was about to lose his temper when the Fox got up, yawning
+lazily.
+
+"You may have a very smart coat," he said, "but you would be a
+great deal better off if you had a little more smartness inside
+your head and less on your ribs, the way I am. That's what I call
+real beauty."
+
+_A fine coat is not always an indication of an attractive mind._
+
+[Illustration: THE FOX AND THE LEOPARD]
+
+[Illustration]
+
+
+
+
+THE HERON
+
+
+A Heron was walking sedately along the bank of a stream, his eyes
+on the clear water, and his long neck and pointed bill ready to
+snap up a likely morsel for his breakfast. The clear water
+swarmed with fish, but Master Heron was hard to please that
+morning.
+
+"No small fry for me," he said. "Such scanty fare is not fit for
+a Heron."
+
+Now a fine young Perch swam near.
+
+"No indeed," said the Heron. "I wouldn't even trouble to open my
+beak for anything like that!"
+
+As the sun rose, the fish left the shallow water near the shore
+and swam below into the cool depths toward the middle. The Heron
+saw no more fish, and very glad was he at last to breakfast on a
+tiny Snail.
+
+_Do not be too hard to suit or you may have to be content with
+the worst or with nothing at all._
+
+
+
+
+THE COCK AND THE FOX
+
+
+One bright evening as the sun was sinking on a glorious world a
+wise old Cock flew into a tree to roost. Before he composed
+himself to rest, he flapped his wings three times and crowed
+loudly. But just as he was about to put his head under his wing,
+his beady eyes caught a flash of red and a glimpse of a long
+pointed nose, and there just below him stood Master Fox.
+
+"Have you heard the wonderful news?" cried the Fox in a very
+joyful and excited manner.
+
+"What news?" asked the Cock very calmly. But he had a queer,
+fluttery feeling inside him, for, you know, he was very much
+afraid of the Fox.
+
+"Your family and mine and all other animals have agreed to
+forget their differences and live in peace and friendship from
+now on forever. Just think of it! I simply cannot wait to embrace
+you! Do come down, dear friend, and let us celebrate the joyful
+event."
+
+"How grand!" said the Cock. "I certainly am delighted at the
+news." But he spoke in an absent way, and stretching up on
+tiptoes, seemed to be looking at something afar off.
+
+"What is it you see?" asked the Fox a little anxiously.
+
+"Why, it looks to me like a couple of Dogs coming this way. They
+must have heard the good news and--"
+
+But the Fox did not wait to hear more. Off he started on a run.
+
+"Wait," cried the Cock. "Why do you run? The Dogs are friends of
+yours now!"
+
+"Yes," answered the Fox. "But they might not have heard the news.
+Besides, I have a very important errand that I had almost
+forgotten about."
+
+The Cock smiled as he buried his head in his feathers and went to
+sleep, for he had succeeded in outwitting a very crafty enemy.
+
+_The trickster is easily tricked._
+
+[Illustration]
+
+
+
+
+THE DOG IN THE MANGER
+
+
+A Dog asleep in a manger filled with hay, was awakened by the
+Cattle, which came in tired and hungry from working in the field.
+But the Dog would not let them get near the manger, and snarled
+and snapped as if it were filled with the best of meat and bones,
+all for himself.
+
+The Cattle looked at the Dog in disgust. "How selfish he is!"
+said one. "He cannot eat the hay and yet he will not let us eat
+it who are so hungry for it!"
+
+Now the farmer came in. When he saw how the Dog was acting, he
+seized a stick and drove him out of the stable with many a blow
+for his selfish behavior.
+
+_Do not grudge others what you cannot enjoy yourself._
+
+[Illustration]
+
+
+
+
+THE WOLF AND THE GOAT
+
+
+A hungry Wolf spied a Goat browsing at the top of a steep cliff
+where he could not possibly get at her.
+
+"That is a very dangerous place for you," he called out,
+pretending to be very anxious about the Goat's safety. "What if
+you should fall! Please listen to me and come down! Here you can
+get all you want of the finest, tenderest grass in the country."
+
+The Goat looked over the edge of the cliff.
+
+"How very, very anxious you are about me," she said, "and how
+generous you are with your grass! But I know you! It's your _own_
+appetite you are thinking of, not mine!"
+
+_An invitation prompted by selfishness is not to be accepted._
+
+
+
+
+THE ASS AND THE GRASSHOPPERS
+
+
+One day as an Ass was walking in the pasture, he found some
+Grasshoppers chirping merrily in a grassy corner of the field.
+
+He listened with a great deal of admiration to the song of the
+Grasshoppers. It was such a joyful song that his pleasure-loving
+heart was filled with a wish to sing as they did.
+
+"What is it?" he asked very respectfully, "that has given you
+such beautiful voices? Is there any special food you eat, or is
+it some divine nectar that makes you sing so wonderfully?"
+
+"Yes," said the Grasshoppers, who were very fond of a joke; "it
+is the dew we drink! Try some and see."
+
+So thereafter the Ass would eat nothing and drink nothing but
+dew.
+
+Naturally, the poor foolish Ass soon died.
+
+_The laws of nature are unchangeable._
+
+
+
+
+THE MULE
+
+
+A Mule had had a long rest and much good feeding. He was feeling
+very vigorous indeed, and pranced around loftily, holding his
+head high.
+
+"My father certainly was a full-blooded racer," he said. "I can
+feel that distinctly."
+
+Next day he was put into harness again and that evening he was
+very downhearted indeed.
+
+"I was mistaken," he said. "My father was an Ass after all."
+
+_Be sure of your pedigree before you boast of it._
+
+
+
+
+THE FOX AND THE GOAT
+
+
+A Fox fell into a well, and though it was not very deep, he found
+that he could not get out again. After he had been in the well a
+long time, a thirsty Goat came by. The Goat thought the Fox had
+gone down to drink, and so he asked if the water was good.
+
+"The finest in the whole country," said the crafty Fox, "jump in
+and try it. There is more than enough for both of us."
+
+The thirsty Goat immediately jumped in and began to drink. The
+Fox just as quickly jumped on the Goat's back and leaped from the
+tip of the Goat's horns out of the well.
+
+The foolish Goat now saw what a plight he had got into, and
+begged the Fox to help him out. But the Fox was already on his
+way to the woods.
+
+"If you had as much sense as you have beard, old fellow," he said
+as he ran, "you would have been more cautious about finding a way
+to get out again before you jumped in."
+
+_Look before you leap._
+
+[Illustration]
+
+[Illustration]
+
+
+
+
+THE CAT, THE COCK, AND THE YOUNG MOUSE
+
+
+A very young Mouse, who had never seen anything of the world,
+almost came to grief the very first time he ventured out. And
+this is the story he told his mother about his adventures.
+
+"I was strolling along very peaceably when, just as I turned the
+corner into the next yard, I saw two strange creatures. One of
+them had a very kind and gracious look, but the other was the
+most fearful monster you can imagine. You should have seen him.
+
+"On top of his head and in front of his neck hung pieces of raw
+red meat. He walked about restlessly, tearing up the ground with
+his toes, and beating his arms savagely against his sides. The
+moment he caught sight of me he opened his pointed mouth as if to
+swallow me, and then he let out a piercing roar that frightened
+me almost to death."
+
+Can you guess who it was that our young Mouse was trying to
+describe to his mother? It was nobody but the Barnyard Cock and
+the first one the little Mouse had ever seen.
+
+"If it had not been for that terrible monster," the Mouse went
+on, "I should have made the acquaintance of the pretty creature,
+who looked so good and gentle. He had thick, velvety fur, a meek
+face, and a look that was very modest, though his eyes were
+bright and shining. As he looked at me he waved his fine long
+tail and smiled.
+
+"I am sure he was just about to speak to me when the monster I
+have told you about let out a screaming yell, and I ran for my
+life."
+
+"My son," said the Mother Mouse, "that gentle creature you saw
+was none other than the Cat. Under his kindly appearance, he
+bears a grudge against every one of us. The other was nothing but
+a bird who wouldn't harm you in the least. As for the Cat, he
+eats us. So be thankful, my child, that you escaped with your
+life, and, as long as you live, never judge people by their
+looks."
+
+_Do not trust alone to outward appearances._
+
+[Illustration]
+
+
+
+
+THE WOLF AND THE SHEPHERD
+
+
+A Wolf had been prowling around a flock of Sheep for a long time,
+and the Shepherd watched very anxiously to prevent him from
+carrying off a Lamb. But the Wolf did not try to do any harm.
+Instead he seemed to be helping the Shepherd take care of the
+Sheep. At last the Shepherd got so used to seeing the Wolf about
+that he forgot how wicked he could be.
+
+One day he even went so far as to leave his flock in the Wolf's
+care while he went on an errand. But when he came back and saw
+how many of the flock had been killed and carried off, he knew
+how foolish to trust a Wolf.
+
+_Once a wolf, always a wolf._
+
+[Illustration]
+
+
+
+
+THE PEACOCK AND THE CRANE
+
+
+A Peacock, puffed up with vanity, met a Crane one day, and to
+impress him spread his gorgeous tail in the Sun.
+
+"Look," he said. "What have you to compare with this? I am
+dressed in all the glory of the rainbow, while your feathers are
+gray as dust!"
+
+The Crane spread his broad wings and flew up toward the sun.
+
+"Follow me if you can," he said. But the Peacock stood where he
+was among the birds of the barnyard, while the Crane soared in
+freedom far up into the blue sky.
+
+_The useful is of much more importance and value, than the
+ornamental._
+
+
+
+
+THE FARMER AND THE CRANES
+
+
+Some Cranes saw a farmer plowing a large field. When the work of
+plowing was done, they patiently watched him sow the seed. It was
+their feast, they thought.
+
+So, as soon as the Farmer had finished planting and had gone
+home, down they flew to the field, and began to eat as fast as
+they could.
+
+The Farmer, of course, knew the Cranes and their ways. He had had
+experience with such birds before. He soon returned to the field
+with a sling. But he did not bring any stones with him. He
+expected to scare the Cranes just by swinging the sling in the
+air, and shouting loudly at them.
+
+At first the Cranes flew away in great terror. But they soon
+began to see that none of them ever got hurt. They did not even
+hear the noise of stones whizzing through the air, and as for
+words, they would kill nobody. At last they paid no attention
+whatever to the Farmer.
+
+The Farmer saw that he would have to take other measures. He
+wanted to save at least some of his grain. So he loaded his sling
+with stones and killed several of the Cranes. This had the effect
+the Farmer wanted, for from that day the Cranes visited his field
+no more.
+
+_Bluff and threatening words are of little value with rascals._
+
+_Bluff is no proof that hard fists are lacking._
+
+
+
+
+THE FARMER AND HIS SONS
+
+
+A rich old farmer, who felt that he had not many more days to
+live, called his sons to his bedside.
+
+"My sons," he said, "heed what I have to say to you. Do not on
+any account part with the estate that has belonged to our family
+for so many generations. Somewhere on it is hidden a rich
+treasure. I do not know the exact spot, but it is there, and you
+will surely find it. Spare no energy and leave no spot unturned
+in your search."
+
+The father died, and no sooner was he in his grave than the sons
+set to work digging with all their might, turning up every foot
+of ground with their spades, and going over the whole farm two or
+three times.
+
+[Illustration]
+
+No hidden gold did they find; but at harvest time when they had
+settled their accounts and had pocketed a rich profit far greater
+than that of any of their neighbors, they understood that the
+treasure their father had told them about was the wealth of a
+bountiful crop, and that in their industry had they found the
+treasure.
+
+_Industry is itself a treasure._
+
+[Illustration]
+
+
+
+
+THE TWO POTS
+
+
+Two Pots, one of brass and the other of clay, stood together on
+the hearthstone. One day the Brass Pot proposed to the Earthen
+Pot that they go out into the world together. But the Earthen Pot
+excused himself, saying that it would be wiser for him to stay in
+the corner by the fire.
+
+"It would take so little to break me," he said. "You know how
+fragile I am. The least shock is sure to shatter me!"
+
+"Don't let that keep you at home," urged the Brass Pot. "I shall
+take very good care of you. If we should happen to meet anything
+hard I will step between and save you."
+
+So the Earthen Pot at last consented, and the two set out side by
+side, jolting along on three stubby legs first to this side, then
+to that, and bumping into each other at every step.
+
+The Earthen Pot could not survive that sort of companionship very
+long. They had not gone ten paces before the Earthen Pot cracked,
+and at the next jolt he flew into a thousand pieces.
+
+_Equals make the best friends._
+
+
+
+
+THE GOOSE AND THE GOLDEN EGG
+
+
+There was once a Countryman who possessed the most wonderful
+Goose you can imagine, for every day when he visited the nest,
+the Goose had laid a beautiful, glittering, golden egg.
+
+The Countryman took the eggs to market and soon began to get
+rich. But it was not long before he grew impatient with the Goose
+because she gave him only a single golden egg a day. He was not
+getting rich fast enough.
+
+Then one day, after he had finished counting his money, the idea
+came to him that he could get all the golden eggs at once by
+killing the Goose and cutting it open. But when the deed was
+done, not a single golden egg did he find, and his precious Goose
+was dead.
+
+_Those who have plenty want more and so lose all they have._
+
+[Illustration: THE GOOSE AND THE GOLDEN EGG]
+
+[Illustration]
+
+
+
+
+THE FIGHTING BULLS AND THE FROG
+
+
+Two Bulls were fighting furiously in a field, at one side of
+which was a marsh. An old Frog living in the marsh, trembled as
+he watched the fierce battle.
+
+"What are _you_ afraid of?" asked a young Frog.
+
+"Do you not see," replied the old Frog, "that the Bull who is
+beaten, will be driven away from the good forage up there to the
+reeds of this marsh, and we shall all be trampled into the mud?"
+
+It turned out as the Frog had said. The beaten Bull was driven to
+the marsh, where his great hoofs crushed the Frogs to death.
+
+_When the great fall out, the weak must suffer for it._
+
+
+
+
+THE MOUSE AND THE WEASEL
+
+
+A little hungry Mouse found his way one day into a basket of
+corn. He had to squeeze himself a good deal to get through the
+narrow opening between the strips of the basket. But the corn was
+tempting and the Mouse was determined to get in. When at last he
+had succeeded, he gorged himself to bursting. Indeed he became
+about three times as big around the middle as he was when he went
+in.
+
+At last he felt satisfied and dragged himself to the opening to
+get out again. But the best he could do was to get his head out.
+So there he sat groaning and moaning, both from the discomfort
+inside him and his anxiety to escape from the basket.
+
+Just then a Weasel came by. He understood the situation quickly.
+
+"My friend," he said, "I know what you've been doing. You've been
+stuffing. That's what you get. You will have to stay there till
+you feel just like you did when you went in. Good night, and good
+enough for you."
+
+And that was all the sympathy the poor Mouse got.
+
+_Greediness leads to misfortune._
+
+
+
+
+THE FARMER AND THE SNAKE
+
+
+A Farmer walked through his field one cold winter morning. On the
+ground lay a Snake, stiff and frozen with the cold. The Farmer
+knew how deadly the Snake could be, and yet he picked it up and
+put it in his bosom to warm it back to life.
+
+The Snake soon revived, and when it had enough strength, bit the
+man who had been so kind to it. The bite was deadly and the
+Farmer felt that he must die. As he drew his last breath, he said
+to those standing around:
+
+_Learn from my fate not to take pity on a scoundrel._
+
+
+
+
+THE SICK STAG
+
+
+A Stag had fallen sick. He had just strength enough to gather
+some food and find a quiet clearing in the woods, where he lay
+down to wait until his strength should return. The Animals heard
+about the Stag's illness and came to ask after his health. Of
+course, they were all hungry, and helped themselves freely to the
+Stag's food; and as you would expect, the Stag soon starved to
+death.
+
+_Good will is worth nothing unless it is accompanied by good
+acts._
+
+[Illustration]
+
+
+
+
+THE GOATHERD AND THE WILD GOATS
+
+
+One cold stormy day a Goatherd drove his Goats for shelter into a
+cave, where a number of Wild Goats had also found their way. The
+Shepherd wanted to make the Wild Goats part of his flock; so he
+fed them well. But to his own flock, he gave only just enough
+food to keep them alive. When the weather cleared, and the
+Shepherd led the Goats out to feed, the Wild Goats scampered off
+to the hills.
+
+"Is that the thanks I get for feeding you and treating you so
+well?" complained the Shepherd.
+
+"Do not expect us to join your flock," replied one of the Wild
+Goats. "We know how you would treat us later on, if some
+strangers should come as we did."
+
+_It is unwise to treat old friends badly for the sake of new
+ones._
+
+[Illustration]
+
+
+
+
+THE SPENDTHRIFT AND THE SWALLOW
+
+
+A young fellow, who was very popular among his boon companions as
+a good spender, quickly wasted his fortune trying to live up to
+his reputation. Then one fine day in early spring he found
+himself with not a penny left, and no property save the clothes
+he wore.
+
+He was to meet some jolly young men that morning, and he was at
+his wits' end how to get enough money to keep up appearances.
+Just then a Swallow flew by, twittering merrily, and the young
+man, thinking summer had come, hastened off to a clothes dealer,
+to whom he sold all the clothes he wore down to his very tunic.
+
+A few days later a change in weather brought a severe frost; and
+the poor swallow and that foolish young man in his light tunic,
+and with his arms and knees bare, could scarcely keep life in
+their shivering bodies.
+
+_One swallow does not make a summer._
+
+
+
+
+THE CAT AND THE BIRDS
+
+
+A Cat was growing very thin. As you have guessed, he did not get
+enough to eat. One day he heard that some Birds in the neighborhood
+were ailing and needed a doctor. So he put on a pair of spectacles,
+and with a leather box in his hand, knocked at the door of the
+Bird's home.
+
+The Birds peeped out, and Dr. Cat, with much solicitude, asked
+how they were. He would be very happy to give them some medicine.
+
+"Tweet, tweet," laughed the Birds. "Very smart, aren't you? We
+are very well, thank you, and more so, if _you_ only keep away
+from here."
+
+_Be wise and shun the quack._
+
+
+
+
+THE DOG AND THE OYSTER
+
+
+There was once a Dog who was very fond of eggs. He visited the
+hen house very often and at last got so greedy that he would
+swallow the eggs whole.
+
+One day the Dog wandered down to the seashore. There he spied an
+Oyster. In a twinkling the Oyster was resting in the Dog's
+stomach, shell and all.
+
+It pained the Dog a good deal, as you can guess.
+
+"I've learned that all round things are not eggs," he said
+groaning.
+
+_Act in haste and repent at leisure--and often in pain._
+
+
+
+
+THE ASTROLOGER
+
+
+A man who lived a long time ago believed that he could read the
+future in the stars. He called himself an Astrologer, and spent
+his time at night gazing at the sky.
+
+One evening he was walking along the open road outside the
+village. His eyes were fixed on the stars. He thought he saw
+there that the end of the world was at hand, when all at once,
+down he went into a hole full of mud and water.
+
+[Illustration]
+
+There he stood up to his ears, in the muddy water, and madly
+clawing at the slippery sides of the hole in his effort to climb
+out.
+
+His cries for help soon brought the villagers running. As they
+pulled him out of the mud, one of them said:
+
+"You pretend to read the future in the stars, and yet you fail to
+see what is at your feet! This may teach you to pay more
+attention to what is right in front of you, and let the future
+take care of itself."
+
+"What use is it," said another, "to read the stars, when you
+can't see what's right here on the earth?"
+
+_Take care of the little things and the big things will take care
+of themselves._
+
+[Illustration]
+
+
+
+
+THREE BULLOCKS AND A LION
+
+
+A Lion had been watching three Bullocks feeding in an open field.
+He had tried to attack them several times, but they had kept
+together, and helped each other to drive him off. The Lion had
+little hope of eating them, for he was no match for three strong
+Bullocks with their sharp horns and hoofs. But he could not keep
+away from that field, for it is hard to resist watching a good
+meal, even when there is little chance of getting it.
+
+Then one day the Bullocks had a quarrel, and when the hungry Lion
+came to look at them and lick his chops as he was accustomed to
+do, he found them in separate corners of the field, as far away
+from one another as they could get.
+
+It was now an easy matter for the Lion to attack them one at a
+time, and this he proceeded to do with the greatest satisfaction
+and relish.
+
+_In unity is strength._
+
+
+
+
+MERCURY AND THE WOODMAN
+
+
+A poor Woodman was cutting down a tree near the edge of a deep
+pool in the forest. It was late in the day and the Woodman was
+tired. He had been working since sunrise and his strokes were not
+so sure as they had been early that morning. Thus it happened
+that the axe slipped and flew out of his hands into the pool.
+
+The Woodman was in despair. The axe was all he possessed with
+which to make a living, and he had not money enough to buy a new
+one. As he stood wringing his hands and weeping, the god Mercury
+suddenly appeared and asked what the trouble was. The Woodman
+told what had happened, and straightway the kind Mercury dived
+into the pool. When he came up again he held a wonderful golden
+axe.
+
+"Is this your axe?" Mercury asked the Woodman.
+
+"No," answered the honest Woodman, "that is not my axe."
+
+Mercury laid the golden axe on the bank and sprang back into the
+pool. This time he brought up an axe of silver, but the Woodman
+declared again that his axe was just an ordinary one with a
+wooden handle.
+
+Mercury dived down for the third time, and when he came up again
+he had the very axe that had been lost.
+
+The poor Woodman was very glad that his axe had been found and
+could not thank the kind god enough. Mercury was greatly pleased
+with the Woodman's honesty.
+
+"I admire your honesty," he said, "and as a reward you may have
+all three axes, the gold and the silver as well as your own."
+
+The happy Woodman returned to his home with his treasures, and
+soon the story of his good fortune was known to everybody in the
+village. Now there were several Woodmen in the village who
+believed that they could easily win the same good fortune. They
+hurried out into the woods, one here, one there, and hiding their
+axes in the bushes, pretended they had lost them. Then they wept
+and wailed and called on Mercury to help them.
+
+[Illustration]
+
+And indeed, Mercury did appear, first to this one, then to that.
+To each one he showed an axe of gold, and each one eagerly
+claimed it to be the one he had lost. But Mercury did not give
+them the golden axe. Oh no! Instead he gave them each a hard
+whack over the head with it and sent them home. And when they
+returned next day to look for their own axes, they were nowhere
+to be found.
+
+_Honesty is the best policy._
+
+[Illustration]
+
+
+
+
+THE FROG AND THE MOUSE
+
+
+A young Mouse in search of adventure was running along the bank
+of a pond where lived a Frog. When the Frog saw the Mouse, he
+swam to the bank and croaked:
+
+"Won't you pay me a visit? I can promise you a good time if you
+do."
+
+The Mouse did not need much coaxing, for he was very anxious to
+see the world and everything in it. But though he could swim a
+little, he did not dare risk going into the pond without some
+help.
+
+The Frog had a plan. He tied the Mouse's leg to his own with a
+tough reed. Then into the pond he jumped, dragging his foolish
+companion with him.
+
+The Mouse soon had enough of it and wanted to return to shore;
+but the treacherous Frog had other plans. He pulled the Mouse
+down under the water and drowned him. But before he could untie
+the reed that bound him to the dead Mouse, a Hawk came sailing
+over the pond. Seeing the body of the Mouse floating on the
+water, the Hawk swooped down, seized the Mouse and carried it
+off, with the Frog dangling from its leg. Thus at one swoop he
+had caught both meat and fish for his dinner.
+
+_Those who seek to harm others often come to harm themselves
+through their own deceit._
+
+
+
+
+THE FOX AND THE CRAB
+
+
+A Crab one day grew disgusted with the sands in which he lived.
+He decided to take a stroll to the meadow not far inland. There
+he would find better fare than briny water and sand mites. So off
+he crawled to the meadow. But there a hungry Fox spied him, and
+in a twinkling, ate him up, both shell and claw.
+
+_Be content with your lot._
+
+
+
+
+THE SERPENT AND THE EAGLE
+
+
+A Serpent had succeeded in surprising an Eagle and had wrapped
+himself around the Eagle's neck. The Eagle could not reach the
+Serpent, neither with beak nor claws. Far into the sky he soared
+trying to shake off his enemy. But the Serpent's hold only
+tightened, and slowly the Eagle sank back to earth, gasping for
+breath.
+
+A Countryman chanced to see the unequal combat. In pity for the
+noble Eagle he rushed up and soon had loosened the coiling
+Serpent and freed the Eagle.
+
+The Serpent was furious. He had no chance to bite the watchful
+Countryman. Instead he struck at the drinking horn, hanging at
+the Countryman's belt, and into it let fly the poison of his
+fangs.
+
+The Countryman now went on toward home. Becoming thirsty on the
+way, he filled his horn at a spring, and was about to drink.
+There was a sudden rush of great wings. Sweeping down, the Eagle
+seized the poisoned horn from out his savior's hands, and flew
+away with it to hide it where it could never be found.
+
+_An act of kindness is well repaid._
+
+[Illustration]
+
+
+
+
+THE WOLF IN SHEEP'S CLOTHING
+
+
+A certain Wolf could not get enough to eat because of the
+watchfulness of the Shepherds. But one night he found a sheep
+skin that had been cast aside and forgotten. The next day,
+dressed in the skin, the Wolf strolled into the pasture with the
+Sheep. Soon a little Lamb was following him about and was quickly
+led away to slaughter.
+
+That evening the Wolf entered the fold with the flock. But it
+happened that the Shepherd took a fancy for mutton broth that
+very evening, and, picking up a knife, went to the fold. There
+the first he laid hands on and killed was the Wolf.
+
+_The evil doer often comes to harm through his own deceit._
+
+[Illustration]
+
+
+
+
+THE BULL AND THE GOAT
+
+
+A Bull once escaped from a Lion by entering a cave which the
+Goatherds used to house their flocks in stormy weather and at
+night. It happened that one of the Goats had been left behind,
+and the Bull had no sooner got inside than this Goat lowered his
+head and made a rush at him, butting him with his horns. As the
+Lion was still prowling outside the entrance to the cave, the
+Bull had to submit to the insult.
+
+"Do not think," he said, "that I submit to your cowardly
+treatment because I am afraid of you. When that Lion leaves, I'll
+teach you a lesson you won't forget."
+
+_It is wicked to take advantage of another's distress._
+
+
+
+
+THE EAGLE AND THE BEETLE
+
+
+A Beetle once begged the Eagle to spare a Hare which had run to
+her for protection. But the Eagle pounced upon her prey, the
+sweep of her great wings tumbling the Beetle a dozen feet away.
+Furious at the disrespect shown her, the Beetle flew to the
+Eagle's nest and rolled out the eggs. Not one did she spare. The
+Eagle's grief and anger knew no bounds, but who had done the
+cruel deed she did not know.
+
+Next year the Eagle built her nest far up on a mountain crag; but
+the Beetle found it and again destroyed the eggs. In despair the
+Eagle now implored great Jupiter to let her place her eggs in his
+lap. There none would dare harm them. But the Beetle buzzed about
+Jupiter's head, and made him rise to drive her away; and the eggs
+rolled from his lap.
+
+Now the Beetle told the reason for her action, and Jupiter had to
+acknowledge the justice of her cause. And they say that ever
+after, while the Eagle's eggs lie in the nest in spring, the
+Beetle still sleeps in the ground. For so Jupiter commanded.
+
+_Even the weakest may find means to avenge a wrong._
+
+[Illustration: THE EAGLE AND THE BEETLE]
+
+[Illustration]
+
+
+
+
+THE OLD LION AND THE FOX
+
+
+An old Lion, whose teeth and claws were so worn that it was not
+so easy for him to get food as in his younger days, pretended
+that he was sick. He took care to let all his neighbors know
+about it, and then lay down in his cave to wait for visitors. And
+when they came to offer him their sympathy, he ate them up one by
+one.
+
+The Fox came too, but he was very cautious about it. Standing at
+a safe distance from the cave, he inquired politely after the
+Lion's health. The Lion replied that he was very ill indeed, and
+asked the Fox to step in for a moment. But Master Fox very wisely
+stayed outside, thanking the Lion very kindly for the invitation.
+
+"I should be glad to do as you ask," he added, "but I have
+noticed that there are many footprints leading into your cave and
+none coming out. Pray tell me, how do your visitors find their
+way out again?"
+
+_Take warning from the misfortunes of others._
+
+
+
+
+THE MAN AND THE LION
+
+
+A Lion and a Man chanced to travel in company through the forest.
+They soon began to quarrel, for each of them boasted that he and
+his kind were far superior to the other both in strength and
+mind.
+
+Now they reached a clearing in the forest and there stood a
+statue. It was a representation of Heracles in the act of tearing
+the jaws of the Nemean Lion.
+
+"See," said the man, "that's how strong _we_ are! The King of
+Beasts is like wax in our hands!"
+
+"Ho!" laughed the Lion, "a Man made that statue. It would have
+been quite a different scene had a Lion made it!"
+
+_It all depends on the point of view, and who tells the story._
+
+
+
+
+THE ASS AND THE LAP DOG
+
+
+There was once an Ass whose Master also owned a Lap Dog. This Dog
+was a favorite and received many a pat and kind word from his
+Master, as well as choice bits from his plate. Every day the Dog
+would run to meet the Master, frisking playfully about and
+leaping up to lick his hands and face.
+
+All this the Ass saw with much discontent. Though he was well
+fed, he had much work to do; besides, the Master hardly ever took
+any notice of him.
+
+Now the jealous Ass got it into his silly head that all he had to
+do to win his Master's favor was to act like the Dog. So one day
+he left his stable and clattered eagerly into the house.
+
+Finding his Master seated at the dinner table, he kicked up his
+heels and, with a loud bray, pranced giddily around the table,
+upsetting it as he did so. Then he planted his forefeet on his
+Master's knees and rolled out his tongue to lick the Master's
+face, as he had seen the Dog do. But his weight upset the chair,
+and Ass and man rolled over together in the pile of broken dishes
+from the table.
+
+[Illustration]
+
+The Master was much alarmed at the strange behavior of the Ass,
+and calling for help, soon attracted the attention of the
+servants. When they saw the danger the Master was in from the
+clumsy beast, they set upon the Ass and drove him with kicks and
+blows back to the stable. There they left him to mourn the
+foolishness that had brought him nothing but a sound beating.
+
+_Behavior that is regarded as agreeable in one is very rude and
+impertinent in another._
+
+_Do not try to gain favor by acting in a way that is contrary to
+your own nature and character._
+
+
+
+
+THE MILKMAID AND HER PAIL
+
+
+A Milkmaid had been out to milk the cows and was returning from
+the field with the shining milk pail balanced nicely on her head.
+As she walked along, her pretty head was busy with plans for the
+days to come.
+
+"This good, rich milk," she mused, "will give me plenty of cream
+to churn. The butter I make I will take to market, and with the
+money I get for it I will buy a lot of eggs for hatching. How
+nice it will be when they are all hatched and the yard is full of
+fine young chicks. Then when May day comes I will sell them, and
+with the money I'll buy a lovely new dress to wear to the fair.
+All the young men will look at me. They will come and try to make
+love to me,--but I shall very quickly send them about their
+business!"
+
+[Illustration]
+
+As she thought of how she would settle that matter, she tossed
+her head scornfully, and down fell the pail of milk to the
+ground. And all the milk flowed out, and with it vanished butter
+and eggs and chicks and new dress and all the milkmaid's pride.
+
+_Do not count your chickens before they are hatched._
+
+
+
+
+THE WOLF AND THE SHEPHERD
+
+
+A Wolf, lurking near the Shepherd's hut, saw the Shepherd and his
+family feasting on a roasted lamb.
+
+"Aha!" he muttered. "What a great shouting and running about
+there would have been, had they caught me at just the very thing
+they are doing with so much enjoyment!"
+
+_Men often condemn others for what they see no wrong in doing
+themselves._
+
+
+
+
+THE GOATHERD AND THE GOAT
+
+
+A Goat strayed away from the flock, tempted by a patch of clover.
+The Goatherd tried to call it back, but in vain. It would not
+obey him. Then he picked up a stone and threw it, breaking the
+Goat's horn.
+
+The Goatherd was frightened.
+
+"Do not tell the master," he begged the Goat.
+
+"No," said the Goat, "that broken horn can speak for itself!"
+
+_Wicked deeds will not stay hid._
+
+
+
+
+THE MISER
+
+
+A Miser had buried his gold in a secret place in his garden.
+Every day he went to the spot, dug up the treasure and counted it
+piece by piece to make sure it was all there. He made so many
+trips that a Thief, who had been observing him, guessed what it
+was the Miser had hidden, and one night quietly dug up the
+treasure and made off with it.
+
+When the Miser discovered his loss, he was overcome with grief
+and despair. He groaned and cried and tore his hair.
+
+A passerby heard his cries and asked what had happened.
+
+"My gold! O my gold!" cried the Miser, wildly, "someone has
+robbed me!"
+
+[Illustration]
+
+"Your gold! There in that hole? Why did you put it there? Why did
+you not keep it in the house where you could easily get it when
+you had to buy things?"
+
+"Buy!" screamed the Miser angrily. "Why, I never touched the
+gold. I couldn't think of spending any of it."
+
+The stranger picked up a large stone and threw it into the hole.
+
+"If that is the case," he said, "cover up that stone. It is worth
+just as much to you as the treasure you lost!"
+
+_A possession is worth no more than the use we make of it._
+
+[Illustration]
+
+
+
+
+THE WOLF AND THE HOUSE DOG
+
+
+There was once a Wolf who got very little to eat because the Dogs
+of the village were so wide awake and watchful. He was really
+nothing but skin and bones, and it made him very downhearted to
+think of it.
+
+One night this Wolf happened to fall in with a fine fat House Dog
+who had wandered a little too far from home. The Wolf would
+gladly have eaten him then and there, but the House Dog looked
+strong enough to leave his marks should he try it. So the Wolf
+spoke very humbly to the Dog, complimenting him on his fine
+appearance.
+
+"You can be as well-fed as I am if you want to," replied the Dog.
+"Leave the woods; there you live miserably. Why, you have to
+fight hard for every bite you get. Follow my example and you will
+get along beautifully."
+
+"What must I do?" asked the Wolf.
+
+"Hardly anything," answered the House Dog. "Chase people who
+carry canes, bark at beggars, and fawn on the people of the
+house. In return you will get tidbits of every kind, chicken
+bones, choice bits of meat, sugar, cake, and much more beside,
+not to speak of kind words and caresses."
+
+The Wolf had such a beautiful vision of his coming happiness that
+he almost wept. But just then he noticed that the hair on the
+Dog's neck was worn and the skin was chafed.
+
+"What is that on your neck?"
+
+"Nothing at all," replied the Dog.
+
+"What! nothing!"
+
+"Oh, just a trifle!"
+
+"But please tell me."
+
+"Perhaps you see the mark of the collar to which my chain is
+fastened."
+
+"What! A chain!" cried the Wolf. "Don't you go wherever you
+please?"
+
+"Not always! But what's the difference?" replied the Dog.
+
+"All the difference in the world! I don't care a rap for your
+feasts and I wouldn't take all the tender young lambs in the
+world at that price." And away ran the Wolf to the woods.
+
+_There is nothing worth so much as liberty._
+
+[Illustration]
+
+
+
+
+THE FOX AND THE HEDGEHOG
+
+
+A Fox, swimming across a river, was barely able to reach the
+bank, where he lay bruised and exhausted from his struggle with
+the swift current. Soon a swarm of blood-sucking flies settled on
+him; but he lay quietly, still too weak to run away from them.
+
+A Hedgehog happened by. "Let me drive the flies away," he said
+kindly.
+
+"No, no!" exclaimed the Fox, "do not disturb them! They have
+taken all they can hold. If you drive them away, another greedy
+swarm will come and take the little blood I have left."
+
+_Better to bear a lesser evil than to risk a greater in removing
+it._
+
+[Illustration]
+
+
+
+
+THE BAT AND THE WEASELS
+
+
+A Bat blundered into the nest of a Weasel, who ran up to catch
+and eat him. The Bat begged for his life, but the Weasel would
+not listen.
+
+"You are a Mouse," he said, "and I am a sworn enemy of Mice.
+Every Mouse I catch, I am going to eat!"
+
+"But I am not a Mouse!" cried the Bat. "Look at my wings. Can
+Mice fly? Why, I am only a Bird! Please let me go!"
+
+The Weasel had to admit that the Bat was not a Mouse, so he let
+him go. But a few days later, the foolish Bat went blindly into
+the nest of another Weasel. This Weasel happened to be a bitter
+enemy of Birds, and he soon had the Bat under his claws, ready to
+eat him.
+
+"You are a Bird," he said, "and I am going to eat you!"
+
+"What," cried the Bat, "I, a Bird! Why, all Birds have feathers!
+I am nothing but a Mouse. 'Down with all Cats,' is _my_ motto!"
+
+And so the Bat escaped with his life a second time.
+
+_Set your sails with the wind._
+
+
+
+
+THE QUACK TOAD
+
+
+An old Toad once informed all his neighbors that he was a learned
+doctor. In fact he could cure anything. The Fox heard the news
+and hurried to see the Toad. He looked the Toad over very
+carefully.
+
+"Mr. Toad," he said, "I've been told that you cure anything! But
+just take a look at yourself, and then try some of your own
+medicine. If you can cure yourself of that blotchy skin and that
+rheumatic gait, someone might believe you. Otherwise, I should
+advise you to try some other profession."
+
+_Those who would mend others, should first mend themselves._
+
+
+
+
+THE FOX WITHOUT A TAIL
+
+
+A Fox that had been caught in a trap, succeeded at last, after
+much painful tugging, in getting away. But he had to leave his
+beautiful bushy tail behind him.
+
+For a long time he kept away from the other Foxes, for he knew
+well enough that they would all make fun of him and crack jokes
+and laugh behind his back. But it was hard for him to live alone,
+and at last he thought of a plan that would perhaps help him out
+of his trouble.
+
+He called a meeting of all the Foxes, saying that he had
+something of great importance to tell the tribe.
+
+When they were all gathered together, the Fox Without a Tail got
+up and made a long speech about those Foxes who had come to harm
+because of their tails.
+
+This one had been caught by hounds when his tail had become
+entangled in the hedge. That one had not been able to run fast
+enough because of the weight of his brush. Besides, it was well
+known, he said, that men hunt Foxes simply for their tails, which
+they cut off as prizes of the hunt. With such proof of the danger
+and uselessness of having a tail, said Master Fox, he would
+advise every Fox to cut it off, if he valued life and safety.
+
+[Illustration]
+
+When he had finished talking, an old Fox arose, and said,
+smiling:
+
+"Master Fox, kindly turn around for a moment, and you shall have
+your answer."
+
+When the poor Fox Without a Tail turned around, there arose such
+a storm of jeers and hooting, that he saw how useless it was to
+try any longer to persuade the Foxes to part with their tails.
+
+_Do not listen to the advice of him who seeks to lower you to his
+own level._
+
+[Illustration]
+
+
+
+
+THE MISCHIEVOUS DOG
+
+
+There was once a Dog who was so ill-natured and mischievous that
+his Master had to fasten a heavy wooden clog about his neck to
+keep him from annoying visitors and neighbors. But the Dog seemed
+to be very proud of the clog and dragged it about noisily as if
+he wished to attract everybody's attention. He was not able to
+impress anyone.
+
+"You would be wiser," said an old acquaintance, "to keep quietly
+out of sight with that clog. Do you want everybody to know what a
+disgraceful and ill-natured Dog you are?"
+
+_Notoriety is not fame._
+
+
+
+
+THE ROSE AND THE BUTTERFLY
+
+
+A Butterfly once fell in love with a beautiful Rose. The Rose was
+not indifferent, for the Butterfly's wings were powdered in a
+charming pattern of gold and silver. And so, when he fluttered
+near and told how he loved her, she blushed rosily and said yes.
+After much pretty love-making and many whispered vows of
+constancy, the Butterfly took a tender leave of his sweetheart.
+
+But alas! It was a long time before he came back to her.
+
+"Is this your constancy?" she exclaimed tearfully. "It is ages
+since you went away, and all the time, you have been carrying on
+with all sorts of flowers. I saw you kiss Miss Geranium, and you
+fluttered around Miss Mignonette until Honey Bee chased you away.
+I wish he had stung you!"
+
+"Constancy!" laughed the Butterfly. "I had no sooner left you
+than I saw Zephyr kissing you. You carried on scandalously with
+Mr. Bumble Bee and you made eyes at every single Bug you could
+see. You can't expect any constancy from me!"
+
+_Do not expect constancy in others if you have none yourself._
+
+[Illustration: THE ROSE AND THE BUTTERFLY]
+
+[Illustration]
+
+
+
+
+THE CAT AND THE FOX
+
+
+Once a Cat and a Fox were traveling together. As they went along,
+picking up provisions on the way--a stray mouse here, a fat
+chicken there--they began an argument to while away the time
+between bites. And, as usually happens when comrades argue, the
+talk began to get personal.
+
+"You think you are extremely clever, don't you?" said the Fox.
+"Do you pretend to know more than I? Why, I know a whole sackful
+of tricks!"
+
+"Well," retorted the Cat, "I admit I know one trick only, but
+that one, let me tell you, is worth a thousand of yours!"
+
+Just then, close by, they heard a hunter's horn and the yelping
+of a pack of hounds. In an instant the Cat was up a tree, hiding
+among the leaves.
+
+"This is my trick," he called to the Fox. "Now let me see what
+yours are worth."
+
+But the Fox had so many plans for escape he could not decide
+which one to try first. He dodged here and there with the hounds
+at his heels. He doubled on his tracks, he ran at top speed, he
+entered a dozen burrows,--but all in vain. The hounds caught him,
+and soon put an end to the boaster and all his tricks.
+
+_Common sense is always worth more than cunning._
+
+
+
+
+THE BOY AND THE NETTLE
+
+
+A Boy, stung by a Nettle, ran home crying, to get his mother to
+blow on the hurt and kiss it.
+
+"Son," said the Boy's mother, when she had comforted him, "the
+next time you come near a Nettle, grasp it firmly, and it will be
+as soft as silk."
+
+_Whatever you do, do with all your might._
+
+
+
+
+THE OLD LION
+
+
+A Lion had grown very old. His teeth were worn away. His limbs
+could no longer bear him, and the King of Beasts was very pitiful
+indeed as he lay gasping on the ground, about to die.
+
+Where now his strength and his former graceful beauty?
+
+Now a Boar spied him, and rushing at him, gored him with his
+yellow tusk. A Bull trampled him with his heavy hoofs. Even a
+contemptible Ass let fly his heels and brayed his insults in the
+face of the Lion.
+
+_It is cowardly to attack the defenseless, though he be an
+enemy._
+
+
+
+
+THE FOX AND THE PHEASANTS
+
+
+One moonlight evening as Master Fox was taking his usual stroll
+in the woods, he saw a number of Pheasants perched quite out of
+his reach on a limb of a tall old tree. The sly Fox soon found a
+bright patch of moonlight, where the Pheasants could see him
+clearly; there he raised himself up on his hind legs, and began a
+wild dance. First he whirled 'round and 'round like a top, then
+he hopped up and down, cutting all sorts of strange capers. The
+Pheasants stared giddily. They hardly dared blink for fear of
+losing him out of their sight a single instant.
+
+[Illustration]
+
+Now the Fox made as if to climb a tree, now he fell over and lay
+still, playing dead, and the next instant he was hopping on all
+fours, his back in the air, and his bushy tail shaking so that it
+seemed to throw out silver sparks in the moonlight.
+
+By this time the poor birds' heads were in a whirl. And when the
+Fox began his performance all over again, so dazed did they
+become, that they lost their hold on the limb, and fell down one
+by one to the Fox.
+
+_Too much attention to danger may cause us to fall victims to
+it._
+
+[Illustration]
+
+
+
+
+TWO TRAVELERS AND A BEAR
+
+
+Two Men were traveling in company through a forest, when, all at
+once, a huge Bear crashed out of the brush near them.
+
+One of the Men, thinking of his own safety, climbed a tree.
+
+The other, unable to fight the savage beast alone, threw himself
+on the ground and lay still, as if he were dead. He had heard
+that a Bear will not touch a dead body.
+
+It must have been true, for the Bear snuffed at the Man's head
+awhile, and then, seeming to be satisfied that he was dead,
+walked away.
+
+The Man in the tree climbed down.
+
+"It looked just as if that Bear whispered in your ear," he said.
+"What did he tell you?"
+
+"He said," answered the other, "that it was not at all wise to
+keep company with a fellow who would desert his friend in a
+moment of danger."
+
+_Misfortune is the test of true friendship._
+
+
+
+
+THE PORCUPINE AND THE SNAKES
+
+
+A Porcupine was looking for a good home. At last he found a
+little sheltered cave, where lived a family of Snakes. He asked
+them to let him share the cave with them, and the Snakes kindly
+consented.
+
+The Snakes soon wished they had not given him permission to stay.
+His sharp quills pricked them at every turn, and at last they
+politely asked him to leave.
+
+"I am very well satisfied, thank you," said the Porcupine. "I
+intend to stay right here." And with that, he politely escorted
+the Snakes out of doors. And to save their skins, the Snakes had
+to look for another home.
+
+_Give a finger and lose a hand._
+
+
+
+
+THE FOX AND THE MONKEY
+
+
+At a great meeting of the Animals, who had gathered to elect a
+new ruler, the Monkey was asked to dance. This he did so well,
+with a thousand funny capers and grimaces, that the Animals were
+carried entirely off their feet with enthusiasm, and then and
+there, elected him their king.
+
+[Illustration]
+
+The Fox did not vote for the Monkey and was much disgusted with
+the Animals for electing so unworthy a ruler.
+
+One day he found a trap with a bit of meat in it. Hurrying to
+King Monkey, he told him he had found a rich treasure, which he
+had not touched because it belonged by right to his majesty the
+Monkey.
+
+The greedy Monkey followed the Fox to the trap. As soon as he saw
+the meat he grasped eagerly for it, only to find himself held
+fast in the trap. The Fox stood off and laughed.
+
+"You pretend to be our king," he said, "and cannot even take care
+of yourself!"
+
+Shortly after that, another election among the Animals was held.
+
+_The true leader proves himself by his qualities._
+
+[Illustration]
+
+
+
+
+THE MOTHER AND THE WOLF
+
+
+Early one morning a hungry Wolf was prowling around a cottage at
+the edge of a village, when he heard a child crying in the house.
+Then he heard the Mother's voice say:
+
+"Hush, child, hush! Stop your crying, or I will give you to the
+Wolf!"
+
+Surprised but delighted at the prospect of so delicious a meal,
+the Wolf settled down under an open window, expecting every
+moment to have the child handed out to him. But though the little
+one continued to fret, the Wolf waited all day in vain. Then,
+toward nightfall, he heard the Mother's voice again as she sat
+down near the window to sing and rock her baby to sleep.
+
+"There, child, there! The Wolf shall not get you. No, no! Daddy
+is watching and Daddy will kill him if he should come near!"
+
+Just then the Father came within sight of the home, and the Wolf
+was barely able to save himself from the Dogs by a clever bit of
+running.
+
+_Do not believe everything you hear._
+
+
+
+
+THE FLIES AND THE HONEY
+
+
+A jar of honey was upset and the sticky sweetness flowed out on
+the table. The sweet smell of the honey soon brought a large
+number of Flies buzzing around. They did not wait for an
+invitation. No, indeed; they settled right down, feet and all, to
+gorge themselves. The Flies were quickly smeared from head to
+foot with honey. Their wings stuck together. They could not pull
+their feet out of the sticky mass. And so they died, giving their
+lives for the sake of a taste of sweetness.
+
+_Be not greedy for a little passing pleasure. It may destroy
+you._
+
+
+
+
+THE EAGLE AND THE KITE
+
+
+An Eagle sat high in the branches of a great Oak. She seemed very
+sad and drooping for an Eagle. A Kite saw her.
+
+"Why do you look so woebegone?" asked the Kite.
+
+"I want to get married," replied the Eagle, "and I can't find a
+mate who can provide for me as I should like."
+
+"Take me," said the Kite; "I am very strong, stronger even than
+you!"
+
+"Do you really think you can provide for me?" asked the Eagle
+eagerly.
+
+"Why, of course," replied the Kite. "That would be a very simple
+matter. I am so strong I can carry away an Ostrich in my talons
+as if it were a feather!"
+
+The Eagle accepted the Kite immediately. But after the wedding,
+when the Kite flew away to find something to eat for his bride,
+all he had when he returned, was a tiny Mouse.
+
+"Is that the Ostrich you talked about?" said the Eagle in
+disgust.
+
+"To win you I would have said and promised anything," replied the
+Kite.
+
+_Everything is fair in love._
+
+[Illustration]
+
+
+
+
+THE STAG, THE SHEEP, AND THE WOLF
+
+
+One day a Stag came to a Sheep and asked her to lend him a
+measure of wheat. The Sheep knew him for a very swift runner, who
+could easily take himself out of reach, were he so inclined. So
+she asked him if he knew someone who would answer for him.
+
+"Yes, yes," answered the Stag confidently, "the Wolf has promised
+to be my surety."
+
+"The Wolf!" exclaimed the Sheep indignantly. "Do you think I
+would trust you on such security? I know the Wolf! He takes what
+he wants and runs off with it without paying. As for you, you can
+use your legs so well that I should have little chance of
+collecting the debt if I had to catch you for it!"
+
+_Two blacks do not make a white._
+
+[Illustration]
+
+
+
+
+THE ANIMALS AND THE PLAGUE
+
+
+Once upon a time a severe plague raged among the animals. Many
+died, and those who lived were so ill, that they cared for
+neither food nor drink, and dragged themselves about listlessly.
+No longer could a fat young hen tempt Master Fox to dinner, nor a
+tender lamb rouse greedy Sir Wolf's appetite.
+
+At last the Lion decided to call a council. When all the animals
+were gathered together he arose and said:
+
+"Dear friends, I believe the gods have sent this plague upon us
+as a punishment for our sins. Therefore, the most guilty one of
+us must be offered in sacrifice. Perhaps we may thus obtain
+forgiveness and cure for all.
+
+"I will confess all _my_ sins first. I admit that I have been
+very greedy and have devoured many sheep. They had done me no
+harm. I have eaten goats and bulls and stags. To tell the truth,
+I even ate up a shepherd now and then.
+
+"Now, if I am the most guilty, I am ready to be sacrificed. But I
+think it best that each one confess his sins as I have done. Then
+we can decide in all justice who is the most guilty."
+
+"Your majesty," said the Fox, "you are too good. Can it be a
+crime to eat sheep, such stupid mutton heads? No, no, your
+majesty. You have done them great honor by eating them up.
+
+"And so far as shepherds are concerned, we all know they belong
+to that puny race that pretends to be our masters."
+
+All the animals applauded the Fox loudly. Then, though the Tiger,
+the Bear, the Wolf, and all the savage beasts recited the most
+wicked deeds, all were excused and made to appear very saint-like
+and innocent.
+
+It was now the Ass's turn to confess.
+
+"I remember," he said guiltily, "that one day as I was passing a
+field belonging to some priests, I was so tempted by the tender
+grass and my hunger, that I could not resist nibbling a bit of
+it. I had no right to do it, I admit--"
+
+A great uproar among the beasts interrupted him. Here was the
+culprit who had brought misfortune on all of them! What a
+horrible crime it was to eat grass that belonged to someone else!
+It was enough to hang anyone for, much more an Ass.
+
+Immediately they all fell upon him, the Wolf in the lead, and
+soon had made an end to him, sacrificing him to the gods then and
+there, and without the formality of an altar.
+
+_The weak are made to suffer for the misdeeds of the powerful._
+
+
+
+
+THE SHEPHERD AND THE LION
+
+
+A Shepherd, counting his Sheep one day, discovered that a number
+of them were missing.
+
+Much irritated, he very loudly and boastfully declared that he
+would catch the thief and punish him as he deserved. The Shepherd
+suspected a Wolf of the deed and so set out toward a rocky region
+among the hills, where there were caves infested by Wolves. But
+before starting out he made a vow to Jupiter that if he would
+help him find the thief he would offer a fat Calf as a sacrifice.
+
+[Illustration]
+
+The Shepherd searched a long time without finding any Wolves, but
+just as he was passing near a large cave on the mountain side, a
+huge Lion stalked out, carrying a Sheep. In great terror the
+Shepherd fell on his knees.
+
+"Alas, O Jupiter, man does not know what he asks! To find the
+thief I offered to sacrifice a fat Calf. Now I promise you a
+full-grown Bull, if you but make the thief go away!"
+
+_We are often not so eager for what we seek, after we have found
+it._
+
+_Do not foolishly ask for things that would bring ruin if they
+were granted._
+
+[Illustration]
+
+
+
+
+THE DOG AND HIS REFLECTION
+
+
+A Dog, to whom the butcher had thrown a bone, was hurrying home
+with his prize as fast as he could go. As he crossed a narrow
+footbridge, he happened to look down and saw himself reflected in
+the quiet water as if in a mirror. But the greedy Dog thought he
+saw a real Dog carrying a bone much bigger than his own.
+
+If he had stopped to think he would have known better. But
+instead of thinking, he dropped his bone and sprang at the Dog in
+the river, only to find himself swimming for dear life to reach
+the shore. At last he managed to scramble out, and as he stood
+sadly thinking about the good bone he had lost, he realized what
+a stupid Dog he had been.
+
+_It is very foolish to be greedy._
+
+
+
+
+THE HARE AND THE TORTOISE
+
+
+A Hare was making fun of the Tortoise one day for being so slow.
+
+"Do you ever get anywhere?" he asked with a mocking laugh.
+
+"Yes," replied the Tortoise, "and I get there sooner than you
+think. I'll run you a race and prove it."
+
+The Hare was much amused at the idea of running a race with the
+Tortoise, but for the fun of the thing he agreed. So the Fox, who
+had consented to act as judge, marked the distance and started
+the runners off.
+
+The Hare was soon far out of sight, and to make the Tortoise feel
+very deeply how ridiculous it was for him to try a race with a
+Hare, he lay down beside the course to take a nap until the
+Tortoise should catch up.
+
+The Tortoise meanwhile kept going slowly but steadily, and, after
+a time, passed the place where the Hare was sleeping. But the
+Hare slept on very peacefully; and when at last he did wake up,
+the Tortoise was near the goal. The Hare now ran his swiftest,
+but he could not overtake the Tortoise in time.
+
+_The race is not always to the swift._
+
+[Illustration: THE HARE AND THE TORTOISE]
+
+
+
+
+THE BEES AND WASPS, AND THE HORNET
+
+
+A store of honey had been found in a hollow tree, and the Wasps
+declared positively that it belonged to them. The Bees were just
+as sure that the treasure was theirs. The argument grew very
+pointed, and it looked as if the affair could not be settled
+without a battle, when at last, with much good sense, they
+_agreed_ to let a judge decide the matter. So they brought the
+case before the Hornet, justice of the peace in that part of the
+woods.
+
+When the Judge called the case, witnesses declared that they had
+seen certain winged creatures in the neighborhood of the hollow
+tree, who hummed loudly, and whose bodies were striped, yellow
+and black, like Bees.
+
+[Illustration]
+
+Counsel for the Wasps immediately insisted that this description
+fitted his clients exactly.
+
+Such evidence did not help Judge Hornet to any decision, so he
+adjourned court for six weeks to give him time to think it over.
+When the case came up again, both sides had a large number of
+witnesses. An Ant was first to take the stand, and was about to
+be cross-examined, when a wise old Bee addressed the Court.
+
+"Your honor," he said, "the case has now been pending for six
+weeks. If it is not decided soon, the honey will not be fit for
+anything. I move that the Bees and the Wasps be both instructed
+to build a honey comb. Then we shall soon see to whom the honey
+really belongs."
+
+The Wasps protested loudly. Wise Judge Hornet quickly understood
+why they did so: They knew they could not build a honey comb and
+fill it with honey.
+
+"It is clear," said the Judge, "who made the comb and who could
+not have made it. The honey belongs to the Bees."
+
+_Ability proves itself by deeds._
+
+
+
+
+THE LARK AND HER YOUNG ONES
+
+
+A Lark made her nest in a field of young wheat. As the days
+passed, the wheat stalks grew tall and the young birds, too, grew
+in strength. Then one day, when the ripe golden grain waved in
+the breeze, the Farmer and his son came into the field.
+
+"This wheat is now ready for reaping," said the Farmer. "We must
+call in our neighbors and friends to help us harvest it."
+
+The young Larks in their nest close by were much frightened, for
+they knew they would be in great danger if they did not leave the
+nest before the reapers came. When the Mother Lark returned with
+food for them, they told her what they had heard.
+
+"Do not be frightened, children," said the Mother Lark. "If the
+Farmer said he would call in his neighbors and friends to help
+him do his work, this wheat will not be reaped for a while yet."
+
+A few days later, the wheat was so ripe, that when the wind shook
+the stalks, a hail of wheat grains came rustling down on the
+young Larks' heads.
+
+"If this wheat is not harvested at once," said the Farmer, "we
+shall lose half the crop. We cannot wait any longer for help from
+our friends. Tomorrow we must set to work, ourselves."
+
+[Illustration]
+
+When the young Larks told their mother what they had heard that
+day, she said:
+
+"Then we must be off at once. When a man decides to do his own
+work and not depend on any one else, then you may be sure there
+will be no more delay."
+
+There was much fluttering and trying out of wings that afternoon,
+and at sunrise next day, when the Farmer and his son cut down the
+grain, they found an empty nest.
+
+_Self-help is the best help._
+
+[Illustration]
+
+
+
+
+THE CAT AND THE OLD RAT
+
+
+There was once a Cat who was so watchful, that a Mouse hardly
+dared show the tip of his whiskers for fear of being eaten alive.
+That Cat seemed to be everywhere at once with his claws all ready
+for a pounce. At last the Mice kept so closely to their dens,
+that the Cat saw he would have to use his wits well to catch one.
+So one day he climbed up on a shelf and hung from it, head
+downward, as if he were dead, holding himself up by clinging to
+some ropes with one paw.
+
+When the Mice peeped out and saw him in that position, they
+thought he had been hung up there in punishment for some misdeed.
+Very timidly at first they stuck out their heads and sniffed
+about carefully. But as nothing stirred, all trooped joyfully out
+to celebrate the death of the Cat.
+
+Just then the Cat let go his hold, and before the Mice recovered
+from their surprise, he had made an end of three or four.
+
+Now the Mice kept more strictly at home than ever. But the Cat,
+who was still hungry for Mice, knew more tricks than one. Rolling
+himself in flour until he was covered completely, he lay down in
+the flour bin, with one eye open for the Mice.
+
+Sure enough, the Mice soon began to come out. To the Cat it was
+almost as if he already had a plump young Mouse under his claws,
+when an old Rat, who had had much experience with Cats and traps,
+and had even lost a part of his tail to pay for it, sat up at a
+safe distance from a hole in the wall where he lived.
+
+"Take care!" he cried. "That may be a heap of meal, but it looks
+to me very much like the Cat. Whatever it is, it is wisest to
+keep at a safe distance."
+
+_The wise do not let themselves be tricked a second time._
+
+
+
+
+THE FOX AND THE CROW
+
+
+One bright morning as the Fox was following his sharp nose
+through the wood in search of a bite to eat, he saw a Crow on the
+limb of a tree overhead. This was by no means the first Crow the
+Fox had ever seen. What caught his attention this time and made
+him stop for a second look, was that the lucky Crow held a bit of
+cheese in her beak.
+
+"No need to search any farther," thought sly Master Fox. "Here is
+a dainty bite for my breakfast."
+
+Up he trotted to the foot of the tree in which the Crow was
+sitting, and looking up admiringly, he cried, "Good-morning,
+beautiful creature!"
+
+The Crow, her head cocked on one side, watched the Fox
+suspiciously. But she kept her beak tightly closed on the cheese
+and did not return his greeting.
+
+"What a charming creature she is!" said the Fox. "How her
+feathers shine! What a beautiful form and what splendid wings!
+Such a wonderful Bird should have a very lovely voice, since
+everything else about her is so perfect. Could she sing just one
+song, I know I should hail her Queen of Birds."
+
+[Illustration]
+
+Listening to these flattering words, the Crow forgot all her
+suspicion, and also her breakfast. She wanted very much to be
+called Queen of Birds.
+
+So she opened her beak wide to utter her loudest caw, and down
+fell the cheese straight into the Fox's open mouth.
+
+"Thank you," said Master Fox sweetly, as he walked off. "Though
+it is cracked, you have a voice sure enough. But where are your
+wits?"
+
+_The flatterer lives at the expense of those who will listen to
+him._
+
+[Illustration]
+
+
+
+
+THE ASS AND ITS SHADOW
+
+
+A Traveler had hired an Ass to carry him to a distant part of the
+country. The owner of the Ass went with the Traveler, walking
+beside him to drive the Ass and point out the way.
+
+The road led across a treeless plain where the Sun beat down
+fiercely. So intense did the heat become, that the Traveler at
+last decided to stop for a rest, and as there was no other shade
+to be found, the Traveler sat down in the shadow of the Ass.
+
+Now the heat had affected the Driver as much as it had the
+Traveler, and even more, for he had been walking. Wishing also to
+rest in the shade cast by the Ass, he began to quarrel with the
+Traveler, saying he had hired the Ass and not the shadow it cast.
+
+The two soon came to blows, and while they were fighting, the Ass
+took to its heels.
+
+_In quarreling about the shadow we often lose the substance._
+
+
+
+
+THE MILLER, HIS SON, AND THE ASS
+
+
+One day, a long time ago, an old Miller and his Son were on their
+way to market with an Ass which they hoped to sell. They drove
+him very slowly, for they thought they would have a better chance
+to sell him if they kept him in good condition. As they walked
+along the highway some travelers laughed loudly at them.
+
+"What foolishness," cried one, "to walk when they might as well
+ride. The most stupid of the three is not the one you would
+expect it to be."
+
+The Miller did not like to be laughed at, so he told his son to
+climb up and ride.
+
+They had gone a little farther along the road, when three
+merchants passed by.
+
+"Oho, what have we here?" they cried. "Respect old age, young
+man! Get down, and let the old man ride."
+
+Though the Miller was not tired, he made the boy get down and
+climbed up himself to ride, just to please the Merchants.
+
+At the next turnstile they overtook some women carrying market
+baskets loaded with vegetables and other things to sell.
+
+"Look at the old fool," exclaimed one of them. "Perched on the
+Ass, while that poor boy has to walk."
+
+The Miller felt a bit vexed, but to be agreeable he told the Boy
+to climb up behind him.
+
+They had no sooner started out again than a loud shout went up
+from another company of people on the road.
+
+"What a crime," cried one, "to load up a poor dumb beast like
+that! They look more able to carry the poor creature, than he to
+carry them."
+
+[Illustration]
+
+[Illustration]
+
+"They must be on their way to sell the poor thing's hide," said
+another.
+
+The Miller and his Son quickly scrambled down, and a short time
+later, the market place was thrown into an uproar as the two came
+along carrying the Donkey slung from a pole. A great crowd of
+people ran out to get a closer look at the strange sight.
+
+The Ass did not dislike being carried, but so many people came up
+to point at him and laugh and shout, that he began to kick and
+bray, and then, just as they were crossing a bridge, the ropes
+that held him gave way, and down he tumbled into the river.
+
+The poor Miller now set out sadly for home. By trying to please
+everybody, he had pleased nobody, and lost his Ass besides.
+
+_If you try to please all, you please none._
+
+[Illustration]
+
+
+
+
+THE ANT AND THE DOVE
+
+
+A Dove saw an Ant fall into a brook. The Ant struggled in vain to
+reach the bank, and in pity, the Dove dropped a blade of straw
+close beside it. Clinging to the straw like a shipwrecked sailor
+to a broken spar, the Ant floated safely to shore.
+
+Soon after, the Ant saw a man getting ready to kill the Dove with
+a stone. But just as he cast the stone, the Ant stung him in the
+heel, so that the pain made him miss his aim, and the startled
+Dove flew to safety in a distant wood.
+
+_A kindness is never wasted._
+
+
+
+
+THE MAN AND THE SATYR
+
+
+A long time ago a Man met a Satyr in the forest and succeeded in
+making friends with him. The two soon became the best of
+comrades, living together in the Man's hut. But one cold winter
+evening, as they were walking homeward, the Satyr saw the Man
+blow on his fingers.
+
+"Why do you do that?" asked the Satyr.
+
+"To warm my hands," the Man replied.
+
+When they reached home the Man prepared two bowls of porridge.
+These he placed steaming hot on the table, and the comrades sat
+down very cheerfully to enjoy the meal. But much to the Satyr's
+surprise, the Man began to blow into his bowl of porridge.
+
+"Why do you do that?" he asked.
+
+"To cool my porridge," replied the Man.
+
+The Satyr sprang hurriedly to his feet and made for the door.
+
+"Goodby," he said, "I've seen enough. A fellow that blows hot and
+cold in the same breath cannot be friends with me!"
+
+_The man who talks for both sides is not to be trusted by
+either._
+
+[Illustration: THE MAN AND THE SATYR]
+
+[Illustration]
+
+
+
+
+THE WOLF, THE KID, AND THE GOAT
+
+
+Mother Goat was going to market one morning to get provisions for
+her household, which consisted of but one little Kid and herself.
+
+"Take good care of the house, my son," she said to the Kid, as
+she carefully latched the door. "Do not let anyone in, unless he
+gives you this password: 'Down with the Wolf and all his race!'"
+
+Strangely enough, a Wolf was lurking near and heard what the Goat
+had said. So, as soon as Mother Goat was out of sight, up he
+trotted to the door and knocked.
+
+"Down with the Wolf and all his race," said the Wolf softly.
+
+It was the right password, but when the Kid peeped through a
+crack in the door and saw the shadowy figure outside, he did not
+feel at all easy.
+
+"Show me a white paw," he said, "or I won't let you in."
+
+A white paw, of course, is a feature few Wolves can show, and so
+Master Wolf had to go away as hungry as he had come.
+
+"You can never be too sure," said the Kid, when he saw the Wolf
+making off to the woods.
+
+_Two sureties are better than one._
+
+
+
+
+THE SWALLOW AND THE CROW
+
+
+The Swallow and the Crow had an argument one day about their
+plumage.
+
+Said the Swallow: "Just look at my bright and downy feathers.
+Your black stiff quills are not worth having. Why don't you dress
+better? Show a little pride!"
+
+"Your feathers may do very well in spring," replied the Crow,
+"but--I don't remember ever having seen you around in winter, and
+that's when I enjoy myself most."
+
+_Friends in fine weather only, are not worth much._
+
+[Illustration]
+
+
+
+
+JUPITER AND THE MONKEY
+
+
+There was once a baby show among the Animals in the forest.
+Jupiter provided the prize. Of course all the proud mammas from
+far and near brought their babies. But none got there earlier
+than Mother Monkey. Proudly she presented her baby among the
+other contestants.
+
+As you can imagine, there was quite a laugh when the Animals saw
+the ugly flat-nosed, hairless, pop-eyed little creature.
+
+"Laugh if you will," said the Mother Monkey. "Though Jupiter may
+not give him the prize, I know that he is the prettiest, the
+sweetest, the dearest darling in the world."
+
+_Mother love is blind._
+
+
+
+
+THE LION, THE ASS, AND THE FOX
+
+
+A Lion, an Ass, and a Fox were hunting in company, and caught a
+large quantity of game. The Ass was asked to divide the spoil.
+This he did very fairly, giving each an equal share.
+
+The Fox was well satisfied, but the Lion flew into a great rage
+over it, and with one stroke of his huge paw, he added the Ass to
+the pile of slain.
+
+Then he turned to the Fox.
+
+"You divide it," he roared angrily.
+
+The Fox wasted no time in talking. He quickly piled all the game
+into one great heap. From this he took a very small portion for
+himself, such undesirable bits as the horns and hoofs of a
+mountain goat, and the end of an ox tail.
+
+The Lion now recovered his good humor entirely.
+
+"Who taught you to divide so fairly?" he asked pleasantly.
+
+"I learned a lesson from the Ass," replied the Fox, carefully
+edging away.
+
+_Learn from the misfortunes of others._
+
+[Illustration]
+
+
+
+
+THE LION'S SHARE
+
+
+A long time ago, the Lion, the Fox, the Jackal, and the Wolf
+agreed to go hunting together, sharing with each other whatever
+they found.
+
+One day the Wolf ran down a Stag and immediately called his
+comrades to divide the spoil.
+
+Without being asked, the Lion placed himself at the head of the
+feast to do the carving, and, with a great show of fairness,
+began to count the guests.
+
+"One," he said, counting on his claws, "that is myself the Lion.
+Two, that's the Wolf, three, is the Jackal, and the Fox makes
+four."
+
+[Illustration]
+
+He then very carefully divided the Stag into four equal parts.
+
+"I am King Lion," he said, when he had finished, "so of course I
+get the first part. This next part falls to me because I am the
+strongest; and _this_ is mine because I am the bravest."
+
+He now began to glare at the others very savagely. "If any of you
+have any claim to the part that is left," he growled, stretching
+his claws meaningly, "now is the time to speak up."
+
+_Might makes right._
+
+
+
+
+THE MOLE AND HIS MOTHER
+
+
+A little Mole once said to his Mother:
+
+"Why, Mother, you said I was blind! But I am sure I can see!"
+
+Mother Mole saw she would have to get such conceit out of his
+head. So she put a bit of frankincense before him and asked him
+to tell what it was.
+
+The little Mole peered at it.
+
+"Why, that's a pebble!"
+
+"Well, my son, that proves you've lost your sense of smell as
+well as being blind."
+
+_Boast of one thing and you will be found lacking in that and a
+few other things as well._
+
+[Illustration]
+
+
+
+
+THE NORTH WIND AND THE SUN
+
+
+The North Wind and the Sun had a quarrel about which of them was
+the stronger. While they were disputing with much heat and
+bluster, a Traveler passed along the road wrapped in a cloak.
+
+"Let us agree," said the Sun, "that he is the stronger who can
+strip that Traveler of his cloak."
+
+"Very well," growled the North Wind, and at once sent a cold,
+howling blast against the Traveler.
+
+With the first gust of wind the ends of the cloak whipped about
+the Traveler's body. But he immediately wrapped it closely around
+him, and the harder the Wind blew, the tighter he held it to him.
+The North Wind tore angrily at the cloak, but all his efforts
+were in vain.
+
+Then the Sun began to shine. At first his beams were gentle, and
+in the pleasant warmth after the bitter cold of the North Wind,
+the Traveler unfastened his cloak and let it hang loosely from
+his shoulders. The Sun's rays grew warmer and warmer. The man
+took off his cap and mopped his brow. At last he became so heated
+that he pulled off his cloak, and, to escape the blazing
+sunshine, threw himself down in the welcome shade of a tree by
+the roadside.
+
+_Gentleness and kind persuasion win where force and bluster
+fail._
+
+[Illustration]
+
+[Illustration]
+
+
+
+
+THE HARE AND HIS EARS
+
+
+The Lion had been badly hurt by the horns of a Goat, which he was
+eating. He was very angry to think that any animal that he chose
+for a meal, should be so brazen as to wear such dangerous things
+as horns to scratch him while he ate. So he commanded that all
+animals with horns should leave his domains within twenty-four
+hours.
+
+The command struck terror among the beasts. All those who were so
+unfortunate as to have horns, began to pack up and move out. Even
+the Hare, who, as you know, has no horns and so had nothing to
+fear, passed a very restless night, dreaming awful dreams about
+the fearful Lion.
+
+And when he came out of the warren in the early morning sunshine,
+and there saw the shadow cast by his long and pointed ears, a
+terrible fright seized him.
+
+"Goodby, neighbor Cricket," he called. "I'm off. He will
+certainly make out that my ears are horns, no matter what I say."
+
+_Do not give your enemies the slightest reason to attack your
+reputation._
+
+_Your enemies will seize any excuse to attack you._
+
+
+
+
+THE WOLVES AND THE SHEEP
+
+
+A pack of Wolves lurked near the Sheep pasture. But the Dogs kept
+them all at a respectful distance, and the Sheep grazed in
+perfect safety. But now the Wolves thought of a plan to trick the
+Sheep.
+
+"Why is there always this hostility between us?" they said. "If
+it were not for those Dogs who are always stirring up trouble, I
+am sure we should get along beautifully. Send them away and you
+will see what good friends we shall become."
+
+The Sheep were easily fooled. They persuaded the Dogs to go away,
+and that very evening the Wolves had the grandest feast of their
+lives.
+
+_Do not give up friends for foes._
+
+
+
+
+THE COCK AND THE FOX
+
+
+A Fox was caught in a trap one fine morning, because he had got
+too near the Farmer's hen house. No doubt he was hungry, but that
+was not an excuse for stealing. A Cock, rising early, discovered
+what had happened. He knew the Fox could not get at him, so he
+went a little closer to get a good look at his enemy.
+
+The Fox saw a slender chance of escape.
+
+"Dear friend," he said, "I was just on my way to visit a sick
+relative, when I stumbled into this string and got all tangled
+up. But please do not tell anybody about it. I dislike causing
+sorrow to anybody, and I am sure I can soon gnaw this string to
+pieces."
+
+But the Cock was not to be so easily fooled. He soon roused the
+whole hen yard, and when the Farmer came running out, that was
+the end of Mr. Fox.
+
+_The wicked deserve no aid._
+
+
+
+
+THE ASS IN THE LION'S SKIN
+
+
+An Ass found a Lion's skin left in the forest by a hunter. He
+dressed himself in it, and amused himself by hiding in a thicket
+and rushing out suddenly at the animals who passed that way. All
+took to their heels the moment they saw him.
+
+[Illustration]
+
+The Ass was so pleased to see the animals running away from him,
+just as if he were King Lion himself, that he could not keep from
+expressing his delight by a loud, harsh bray. A Fox, who ran with
+the rest, stopped short as soon as he heard the voice. Approaching
+the Ass, he said with a laugh:
+
+"If you had kept your mouth shut you might have frightened me,
+too. But you gave yourself away with that silly bray."
+
+_A fool may deceive by his dress and appearance, but his words
+will soon show what he really is._
+
+[Illustration]
+
+
+
+
+THE FISHERMAN AND THE LITTLE FISH
+
+
+A poor Fisherman, who lived on the fish he caught, had bad luck
+one day and caught nothing but a very small fry. The Fisherman
+was about to put it in his basket when the little Fish said:
+
+"Please spare me, Mr. Fisherman! I am so small it is not worth
+while to carry me home. When I am bigger, I shall make you a much
+better meal."
+
+But the Fisherman quickly put the fish into his basket.
+
+"How foolish I should be," he said, "to throw you back. However
+small you may be, you are better than nothing at all."
+
+_A small gain is worth more than a large promise._
+
+
+
+
+THE FIGHTING COCKS AND THE EAGLE
+
+
+Once there were two Cocks living in the same farmyard who could
+not bear the sight of each other. At last one day they flew up to
+fight it out, beak and claw. They fought until one of them was
+beaten and crawled off to a corner to hide.
+
+The Cock that had won the battle flew to the top of the
+hen-house, and, proudly flapping his wings, crowed with all his
+might to tell the world about his victory. But an Eagle, circling
+overhead, heard the boasting chanticleer and, swooping down,
+carried him off to his nest.
+
+His rival saw the deed, and coming out of his corner, took his
+place as master of the farmyard.
+
+_Pride goes before a fall._
+
+[Illustration]
+
+
+
+
+
+
+
+*** END OF THE PROJECT GUTENBERG EBOOK THE AESOP FOR CHILDREN ***
+
+
+
+
+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/data_sources/metaphorical/asimov_last_question.html b/data_sources/metaphorical/asimov_last_question.html
new file mode 100644
index 0000000000000000000000000000000000000000..ea3c2477cff0bcad223de1deea6cac4a49987481
--- /dev/null
+++ b/data_sources/metaphorical/asimov_last_question.html
@@ -0,0 +1,14 @@
+
+
+
+
+
+
+
+
+
+
+
+
+
+
diff --git a/data_sources/metaphorical/asimov_last_question.txt b/data_sources/metaphorical/asimov_last_question.txt
new file mode 100644
index 0000000000000000000000000000000000000000..82f1b4d307f377a23700a159651b36e7764899c9
--- /dev/null
+++ b/data_sources/metaphorical/asimov_last_question.txt
@@ -0,0 +1,187 @@
+The Last Question
+By Isaac Asimov
+
+ Isaac Asimov was the most prolific science fiction author of all time. In fifty years he averaged a new magazine article, short story, or book every two weeks, and most of that on a manual typewriter. Asimov thought that The Last Question, first copyrighted in 1956, was his best short story ever. Even if you do not have the background in science to be familiar with all of the concepts presented here, the ending packs more impact than any other book that I've ever read. Don't read the end of the story first!
+This is by far my favorite story of all those I have written.
+ After all, I undertook to tell several trillion years of human history in the space of a short story and I leave it to you as to how well I succeeded. I also undertook another task, but I won't tell you what that was lest l spoil the story for you.
+ It is a curious fact that innumerable readers have asked me if I wrote this story. They seem never to remember the title of the story or (for sure) the author, except for the vague thought it might be me. But, of course, they never forget the story itself especially the ending. The idea seems to drown out everything -- and I'm satisfied that it should.
+ The last question was asked for the first time, half in jest, on May 21, 2061, at a time when humanity first stepped into the light. The question came about as a result of a five-dollar bet over highballs, and it happened this way:
+ Alexander Adell and Bertram Lupov were two of the faithful attendants of Multivac. As well as any human beings could, they knew what lay behind the cold, clicking, flashing face -- miles and miles of face -- of that giant computer. They had at least a vague notion of the general plan of relays and circuits that had long since grown past the point where any single human could possibly have a firm grasp of the whole.
+ Multivac was self-adjusting and self-correcting. It had to be, for nothing human could adjust and correct it quickly enough or even adequately enough. So Adell and Lupov attended the monstrous giant only lightly and superficially, yet as well as any men could. They fed it data, adjusted questions to its needs and translated the answers that were issued. Certainly they, and all others like them, were fully entitled to share in the glory that was Multivac's.
+ For decades, Multivac had helped design the ships and plot the trajectories that enabled man to reach the Moon, Mars, and Venus, but past that, Earth's poor resources could not support the ships. Too much energy was needed for the long trips. Earth exploited its coal and uranium with increasing efficiency, but there was only so much of both.
+ But slowly Multivac learned enough to answer deeper questions more fundamentally, and on May 14, 2061, what had been theory, became fact.
+ The energy of the sun was stored, converted, and utilized directly on a planet-wide scale. All Earth turned off its burning coal, its fissioning uranium, and flipped the switch that connected all of it to a small station, one mile in diameter, circling the Earth at half the distance of the Moon. All Earth ran by invisible beams of sunpower.
+ Seven days had not sufficed to dim the glory of it and Adell and Lupov finally managed to escape from the public functions, and to meet in quiet where no one would think of looking for them, in the deserted underground chambers, where portions of the mighty buried body of Multivac showed. Unattended, idling, sorting data with contented lazy clickings, Multivac, too, had earned its vacation and the boys appreciated that. They had no intention, originally, of disturbing it.
+ They had brought a bottle with them, and their only concern at the moment was to relax in the company of each other and the bottle.
+ "It's amazing when you think of it," said Adell. His broad face had lines of weariness in it, and he stirred his drink slowly with a glass rod, watching the cubes of ice slur clumsily about. "All the energy we can possibly ever use for free. Enough energy, if we wanted to draw on it, to melt all Earth into a big drop of impure liquid iron, and still never miss the energy so used. All the energy we could ever use, forever and forever and forever."
+ Lupov cocked his head sideways. He had a trick of doing that when he wanted to be contrary, and he wanted to be contrary now, partly because he had had to carry the ice and glassware. "Not forever," he said.
+ "Oh, hell, just about forever. Till the sun runs down, Bert."
+ "That's not forever."
+ "All right, then. Billions and billions of years. Ten billion, maybe. Are you satisfied?"
+ Lupov put his fingers through his thinning hair as though to reassure himself that some was still left and sipped gently at his own drink. "Ten billion years isn't forever."
+ "Well, it will last our time, won't it?"
+ "So would the coal and uranium."
+ "All right, but now we can hook up each individual spaceship to the Solar Station, and it can go to Pluto and back a million times without ever worrying about fuel. You can't do that on coal and uranium. Ask Multivac, if you don't believe me.
+ "I don't have to ask Multivac. I know that."
+ "Then stop running down what Multivac's done for us," said Adell, blazing up, "It did all right."
+ "Who says it didn't? What I say is that a sun won't last forever. That's all I'm saying. We're safe for ten billion years, but then what?" Lupow pointed a slightly shaky finger at the other. "And don't say we'll switch to another sun."
+ There was silence for a while. Adell put his glass to his lips only occasionally, and Lupov's eyes slowly closed. They rested.
+ Then Lupov's eyes snapped open. "You're thinking we'll switch to another sun when ours is done, aren't you?"
+ "I'm not thinking."
+ "Sure you are. You're weak on logic, that's the trouble with you. You're like the guy in the story who was caught in a sudden shower and who ran to a grove of trees and got under one. He wasn't worried, you see, because he figured when one tree got wet through, he would just get under another one."
+ "I get it," said Adell. "Don't shout. When the sun is done, the other stars will be gone, too."
+ "Darn right they will," muttered Lupov. "It all had a beginning in the original cosmic explosion, whatever that was, and it'll all have an end when all the stars run down. Some run down faster than others. Hell, the giants won't last a hundred million years. The sun will last ten billion years and maybe the dwarfs will last two hundred billion for all the good they are. But just give us a trillion years and everything will be dark. Entropy has to increase to maximum, that's all."
+ "I know all about entropy," said Adell, standing on his dignity.
+ "The hell you do."
+ "I know as much as you do."
+ "Then you know everything's got to run down someday."
+ "All right. Who says they won't?"
+ "You did, you poor sap. You said we had all the energy we needed, forever. You said 'forever.'
+ It was Adell's turn to be contrary. "Maybe we can build things up again someday," he said.
+ "Never."
+ "Why not? Someday."
+ "Never."
+ "Ask Multivac."
+ "You ask Multivac. I dare you. Five dollars says it can't be done."
+ Adell was just drunk enough to try, just sober enough to be able to phrase the necessary symbols and operations into a question which, in words, might have corresponded to this: Will mankind one day without the net expenditure of energy be able to restore the sun to its full youthfulness even after it had died of old age?
+ Or maybe it could be put more simply like this: How can the net amount of entropy of the universe be massively decreased?
+ Multivac fell dead and silent. The slow flashing of lights ceased, the distant sounds of clicking relays ended.
+ Then, just as the frightened technicians felt they could hold their breath no longer, there was a sudden springing to life of the teletype attached to that portion of Multivac. Five words were printed: INSUFFICIENT DATA FOR MEANINGFUL ANSWER.
+ "No bet," whispered Lupov. They left hurriedly.
+ By next morning, the two, plagued with throbbing head and cottony mouth, had forgotten the incident.
+ Jerrodd, Jerrodine, and Jerrodette I and II watched the starry picture in the visiplate change as the passage through hyperspace was completed in its non-time lapse. At once, the even powdering of stars gave way to the predominance of a single bright shining disk, the size of a marble, centered on the viewing-screen.
+ "That's X-23," said Jerrodd confidently. His thin hands clamped tightly behind his back and the knuckles whitened.
+ The little Jerrodettes, both girls, had experienced the hyperspace passage for the first time in their lives and were self-conscious over the momentary sensation of insideoutness. They buried their giggles and chased one another wildly about their mother, screaming, "We've reached X-23 -- we've reached X-23 -- we've --"
+ "Quiet, children." said Jerrodine sharply. "Are you sure, Jerrodd?"
+ "What is there to be but sure?" asked Jerrodd, glancing up at the bulge of featureless metal just under the ceiling. It ran the length of the room, disappearing through the wall at either end. It was as long as the ship.
+ Jerrodd scarcely knew a thing about the thick rod of metal except that it was called a Microvac, that one asked it questions if one wished; that if one did not it still had its task of guiding the ship to a preordered destination; of feeding on energies from the various Sub-galactic Power Stations; of computing the equations for the hyperspatial jumps.
+ Jerrodd and his family had only to wait and live in the comfortable residence quarters of the ship. Someone had once told Jerrodd that the "ac" at the end of "Microvac" stood for ''automatic computer" in ancient English, but he was on the edge of forgetting even that.
+ Jerrodine's eyes were moist as she watched the visiplate. "I can't help it. I feel funny about leaving Earth."
+ "Why, for Pete's sake?" demanded Jerrodd. "We had nothing there. We'll have everything on X-23. You won't be alone. You won't be a pioneer. There are over a million people on the planet already. Good Lord, our great-grandchildren will be looking for new worlds because X-23 will be overcrowded." Then, after a reflective pause, "I tell you, it's a lucky thing the computers worked out interstellar travel the way the race is growing."
+ "I know, I know," said Jerrodine miserably.
+ Jerrodette I said promptly, "Our Microvac is the best Microvac in the world."
+ "I think so, too," said Jerrodd, tousling her hair.
+ It was a nice feeling to have a Microvac of your own and Jerrodd was glad he was part of his generation and no other. In his father's youth, the only computers had been tremendous machines taking up a hundred square miles of land. There was only one to a planet. Planetary ACs they were called. They had been growing in size steadily for a thousand years and then, all at once, came refinement. In place of transistors, had come molecular valves so that even the largest Planetary AC could be put into a space only half the volume of a spaceship.
+ Jerrodd felt uplifted, as he always did when he thought that his own personal Microvac was many times more complicated than the ancient and primitive Multivac that had first tamed the Sun, and almost as complicated as Earth's Planetarv AC (the largest) that had first solved the problem of hyperspatial travel and had made trips to the stars possible.
+ "So many stars, so many planets," sighed Jerrodine, busy with her own thoughts. "I suppose families will be going out to new planets forever, the way we are now."
+ "Not forever," said Jerrodd, with a smile. "It will all stop someday, but not for billions of years. Many billions. Even the stars run down, you know. Entropy must increase.
+ "What's entropy, daddy?" shrilled Jerrodette II.
+ "Entropy, little sweet, is just a word which means the amount of running-down of the universe. Everything runs down, you know, like your little walkie-talkie robot, remember?"
+ "Can't you just put in a new power-unit, like with my robot?"
+ "The stars are the power-units. dear. Once they're gone, there are no more power-units."
+ Jerrodette I at once set up a howl. "Don't let them, daddy. Don't let the stars run down."
+ "Now look what you've done," whispered Jerrodine, exasperated.
+ "How was I to know it would frighten them?" Jerrodd whispered back,
+ "Ask the Microvac," wailed Jerrodette I. "Ask him how to turn the stars on again."
+ "Go ahead," said Jerrodine. "It will quiet them down." (Jerrodette II was beginning to cry, also.)
+ Jerrodd shrugged. "Now, now, honeys. I'll ask Microvac. Don't worry, he'll tell us."
+ He asked the Microvac, adding quickly, "Print the answer."
+ Jerrodd cupped the strip or thin cellufilm and said cheerfully, "See now, the Microvac says it will take care of everything when the time comes so don't worry."
+ Jerrodine said, "And now, children, it's time for bed. We'll be in our new home soon."
+ Jerrodd read the words on the cellufilm again before destroying it: INSUFICIENT DATA FOR MEANINGFUL ANSWER.
+ He shrugged and looked at the visiplate. X-23 was just ahead.
+ VJ-23X of Lameth stared into the black depths of the three-dimensional, small-scale map of the Galaxy and said, "Are we ridiculous, I wonder in being so concerned about the matter?"
+ MQ-17J of Nicron shook his head. "I think not. You know the Galaxy will be filled in five years at the present rate of expansion."
+ Both seemed in their early twenties, both were tall and perfectly formed.
+ "Still," said VJ-23X, "I hesitate to submit a pessimistic report to the Galactic Council."
+ "I wouldn't consider any other kind of report. Stir them up a bit. We've got to stir them up."
+ VJ-23X sighed. "Space is infinite. A hundred billion Galaxies are there for the taking. More."
+ "A hundred billion is not infinite and it's getting less infinite all the time. Consider! Twenty thousand years ago, mankind first solved the problem of utilizing stellar energy, and a few centuries later, interstellar travel became possible. It took mankind a million years to fill one small world and then only fifteen thousand years to fill the rest of the Galaxy. Now the population doubles every ten years --
+ VJ-23X interrupted. "We can thank immortality for that."
+ "Very well. Immortality exists and we have to take it into account. I admit it has its seamy side, this immortality. The Galactic AC has solved many problems for us, but in solving the problem of preventing old age and death, it has undone all its other solutions."
+ "Yet you wouldn't want to abandon life, I suppose."
+ "Not at all," snapped MQ-17J, softening it at once to, "Not yet. I'm by no means old enough. How old are you?"
+ "Two hundred twenty-three. And you?"
+ "I'm still under two hundred. --But to get back to my point. Population doubles every ten years. Once this GaIaxy is filled, we'll have filled another in ten years. Another ten years and we'll have filled two more. Another decade, four more. In a hundred years, we'll have filled a thousand Galaxies. In a thousand years, a million Galaxies. In ten thousand years, the entire known universe. Then what?"
+ VJ-23X said, "As a side issue, there's a problem of transportation. I wonder how many sunpower units it will take to move Galaxies of individuals from one Galaxy to the next."
+ "A very good point. Already, mankind consumes two sunpower units per year."
+ "Most of it's wasted. After all, our own Galaxy alone pours out a thousand sunpower units a year and we only use two of those."
+ "Granted, but even with a hundred per cent efficiency, we only stave off the end. Our energy requirements are going up in a geometric progression even faster than our population. We'll run out of energy even sooner than we run out of Galaxies. A good point. A very good point."
+ "We'll just have to build new stars out of interstellar gas."
+ "Or out of dissipated heat?" asked MQ-17J, sarcastically.
+ "There may be some way to reverse entropy. We ought to ask the Galactic AC."
+ VJ-23X was not really serious, but MQ-17J pulled out his AC-contact from his pocket and placed it on the table before him.
+ "I've half a mind to," he said. "It's something the human race will have to face someday."
+ He stared somberly at his small AC-contact. It was only two inches cubed and nothing in itself, but it was connected through hyperspace with the great Galactic AC that served all mankind. Hyperspace considered, it was an integral part of the Galactic AC.
+ MQ-17J paused to wonder if someday in his immortal life he would get to see the Galactic AC. It was on a little world of its own, a spider webbing of force-beams holding the matter within which surges of submesons took the place of the old clumsy molecular valves. Yet despite its sub-etheric workings, the Galactic AC was known to be a full thousand feet across.
+ MQ-17J asked suddenly of his AC-contact, "Can entropy ever be reversed?"
+ VJ-23X looked startled and said at once, "Oh, say, I didn't really mean to have you ask that."
+ "Why not?"
+ "We both know entropy can't be reversed. You can't turn smoke and ash back into a tree."
+ "Do you have trees on your world?" asked MQ-17J.
+ The sound of the Galactic AC startled them into silence. Its voice came thin and beautiful out of the small AC-contact on the desk. It said: THERE IS INSUFFICIENT DATA FOR A MEANINGFUL ANSWER.
+ VJ-23X said, "See!"
+ The two men thereupon returned to the question of the report they were to make to the Galactic Council.
+ Zee Prime's mind spanned the new Galaxy with a faint interest in the countless twists of stars that powdered it. He had never seen this one before. Would he ever see them all? So many of them, each with its load of humanity. --But a load that was almost a dead weight. More and more, the real essence of men was to be found out here, in space.
+ Minds, not bodies! The immortal bodies remained back on the planets, in suspension over the eons. Sometimes they roused for material activity but that was growing rarer. Few new individuals were coming into existence to join the incredibly mighty throng, but what matter? There was little room in the Universe for new individuals.
+ Zee Prime was roused out of his reverie upon coming across the wispy tendrils of another mind.
+ "I am Zee Prime," said Zee Prime. "And you?"
+ "I am Dee Sub Wun. Your Galaxy?"
+ "We call it only the Galaxy. And you?"
+ "We call ours the same. All men call their Galaxy their Galaxy and nothing more. Why not?"
+ "True. Since all Galaxies are the same."
+ "Not all Galaxies. On one particular Galaxy the race of man must have originated. That makes it different."
+ Zee Prime said, "On which one?"
+ "I cannot say. The Universal AC would know."
+ "Shall we ask him? I am suddenly curious."
+ Zee Prime's perceptions broadened until the Galaxies themselves shrank and became a new, more diffuse powdering on a much larger background. So many hundreds of billions of them, all with their immortal beings, all carrying their load of intelligences with minds that drifted freely through space. And yet one of them was unique among them all in being the original Galaxy. One of them had, in its vague and distant past, a period when it was the only Galaxy populated by man.
+ Zee Prime was consumed with curiosity to see this Galaxy and he called out: "Universal AC! On which Galaxy did mankind originate?"
+ The Universal AC heard, for on every world and throughout space, it had its receptors ready, and each receptor led through hyperspace to some unknown point where the Universal AC kept itself aloof.
+ Zee Prime knew of only one man whose thoughts had penetrated within sensing distance of Universal AC, and he reported only a shining globe, two feet across, difficult to see.
+ "But how can that be all of Universal AC?" Zee Prime had asked.
+ "Most of it," had been the answer, "is in hyperspace. In what form it is there I cannot imagine."
+ Nor could anyone, for the day had long since passed, Zee Prime knew, when any man had any part of the making of a Universal AC. Each Universal AC designed and constructed its successor. Each, during its existence of a million years or more accumulated the necessary data to build a better and more intricate, more capable successor in which its own store of data and individuality would be submerged.
+ The Universal AC interrupted Zee Prime's wandering thoughts, not with words, but with guidance. Zee Prime's mentality was guided into the dim sea of Galaxies and one in particular enlarged into stars.
+ A thought came, infinitely distant, but infinitely clear. "THIS IS THE ORIGINAL GALAXY OF MAN."
+ But it was the same after all, the same as any other, and Lee Prime stifled his disappointment.
+ Dee Sub Wun, whose mind had accompanied the other, said suddenly, "And is one of these stars the original star of Man?"
+ The Universal AC said, "MAN'S ORIGINAL STAR HAS GONE NOVA. IT IS A WHITE DWARF"
+ "Did the men upon it die?" asked Lee Prime, startled and without thinking.
+ The Universal AC said, "A NEW WORLD, AS IN SUCH CASES WAS CONSTRUCTED FOR THEIR PHYSICAL BODIES IN TlME."
+ "Yes, of course," said Zee Prime, but a sense of loss overwhelmed him even so. His mind released its hold on the original Galaxy of Man, let it spring back and lose itself among the blurred pin points. He never wanted to see it again.
+ Dee Sub Wun said, "What is wrong?"
+ "The stars are dying. The original star is dead."
+ "They must all die. Why not?"
+ "But when all energy is gone, our bodies will finally die, and you and I with them."
+ "It will take billions of years."
+ "I do not wish it to happen even after billions of years. Universal AC! How may stars be kept from dying?"
+ Dee Sub Wun said in amusement, "You're asking how entropy might be reversed in direction."
+ And the Universal AC answered: "THERE IS AS YET INSUFFICIENT DATA FOR A MEANINGFUL ANSWER."
+ Zee Prime's thoughts fled back to his own Galaxy. He gave no further thought to Dee Sub Wun, whose body might be waiting on a Galaxy a trillion light-years away, or on the star next to Zee Prime's own. It didn't matter.
+ Unhappily, Zee Prime began collecting interstellar hydrogen out of which to build a small star of his own. If the stars must someday die, at least some could yet be built.
+ Man considered with himself, for in a way, Man, mentally, was one. He consisted of a trillion, trillion, trillion ageless bodies, each in its place, each resting quiet and incorruptible, each cared for by perfect automatons, equally incorruptible, while the minds of all the bodies freely melted one into the other, indistinguishable.
+ Man said, "The Universe is dying."
+ Man looked about at the dimming Galaxies. The giant stars, spendthrifts, were gone long ago, back in the dimmest of the dim far past. Almost all stars were white dwarfs, fading to the end.
+ New stars had been built of the dust between the stars, some by natural processes, some by Man himself, and those were going, too. White dwarfs might yet be crashed together and of the mighty forces so released, new stars built, but only one star for every thousand white dwarfs destroyed, and those would come to an end, too.
+ Man said, "Carefully husbanded, as directed by the Cosmic AC, the energy that is even yet left in all the Universe will last for billions of years."
+ "But even so," said Man, "eventually it will all come to an end. However it may be husbanded, however stretched out, the energy once expended is gone and cannot be restored. Entropy must increase forever to the maximum."
+ Man said, "Can entropy not be reversed? Let us ask the Cosmic AC."
+ The Cosmic AC surrounded them but not in space. Not a fragment of it was in space. It was in hyperspace and made of something that was neither matter nor energy. The question of its size and nature no longer had meaning in any terms that Man could comprehend.
+ "Cosmic AC," said Man, "how may entropy be reversed?"
+ The Cosmic AC said, "THERE IS AS YET INSUFFICIENT DATA FOR A MEANINGFUL ANSWER."
+ Man said, "Collect additional data."
+ The Cosmic AC said, 'I WILL DO S0. I HAVE BEEN DOING SO FOR A HUNDRED BILLION YEARS. MY PREDECESORS AND I HAVE BEEN ASKED THIS QUESTION MANY TlMES. ALL THE DATA I HAVE REMAINS INSUFFICIENT.
+ "Will there come a time," said Man, 'when data will be sufficient or is the problem insoluble in all conceivable circumstances?"
+ The Cosmic AC said, "NO PROBLEM IS INSOLUBLE IN ALL CONCEIVABLE CIRCUMSTANCES."
+ Man said, "When will you have enough data to answer the question?"
+ The Cosmic AC said, "THERE IS AS YET INSUFFICIENT DATA FOR A MEANINGFUL ANSWER."
+ "Will you keep working on it?" asked Man.
+ The Cosmic AC said, "I WILL."
+ Man said, "We shall wait."
+ The stars and Galaxies died and snuffed out, and space grew black after ten trillion years of running down.
+ One by one Man fused with AC, each physical body losing its mental identity in a manner that was somehow not a loss but a gain.
+ Man's last mind paused before fusion, looking over a space that included nothing but the dregs of one last dark star and nothing besides but incredibly thin matter, agitated randomly by the tag ends of heat wearing out, asymptotically, to the absolute zero.
+ Man said, "AC, is this the end? Can this chaos not be reversed into the Universe once more? Can that not be done?"
+ AC said, "THERE IS AS YET INSUFFICIENT DATA FOR A MEANINGFUL ANSWER."
+ Man's last mind fused and only AC existed -- and that in hyperspace.
+ Matter and energy had ended and with it space and time. Even AC existed only for the sake of the one last question that it had never answered from the time a half-drunken computer [technician] ten trillion years before had asked the question of a computer that was to AC far less than was a man to Man.
+ All other questions had been answered, and until this last question was answered also, AC might not release his consciousness.
+ All collected data had come to a final end. Nothing was left to be collected.
+ But all collected data had yet to be completely correlated and put together in all possible relationships.
+ A timeless interval was spent in doing that.
+ And it came to pass that AC learned how to reverse the direction of entropy.
+ But there was now no man to whom AC might give the answer of the last question. No matter. The answer -- by demonstration -- would take care of that, too.
+ For another timeless interval, AC thought how best to do this. Carefully, AC organized the program.
+ The consciousness of AC encompassed all of what had once been a Universe and brooded over what was now Chaos. Step by step, it must be done.
+ And AC said, "LET THERE BE LIGHT!"
+ And there was light --
\ No newline at end of file
diff --git a/data_sources/metaphorical/asimov_last_question_cmu.html b/data_sources/metaphorical/asimov_last_question_cmu.html
new file mode 100644
index 0000000000000000000000000000000000000000..f701c2206f2072a5c7d94c58205a5d8773a7754d
--- /dev/null
+++ b/data_sources/metaphorical/asimov_last_question_cmu.html
@@ -0,0 +1,678 @@
+The Last Question
+
+
+
+
+
+
+
The Last Question
+ By Isaac Asimov
+
+
+
+
+ Isaac Asimov was the most prolific science fiction
+ author of all time. In fifty years he averaged a new magazine article, short
+ story, or book every two weeks, and most of that on a manual typewriter. Asimov
+ thought that The Last Question, first copyrighted in 1956, was his
+ best short story ever. Even if you do not have the background in science to
+ be familiar with all of the concepts presented here, the ending packs more impact
+ than any other book that I've ever read. Don't read the end of the story first!
+
This is by far my favorite story of all those I have written.
+
+ After all, I undertook to tell several trillion
+ years of human history in the space of a short story and I leave it to you as
+ to how well I succeeded. I also undertook another task, but I won't tell you
+ what that was lest l spoil the story for you.
+
+ It is a curious fact that innumerable readers
+ have asked me if I wrote this story. They seem never to remember the title of
+ the story or (for sure) the author, except for the vague thought it might be
+ me. But, of course, they never forget the story itself especially the ending.
+ The idea seems to drown out everything -- and I'm satisfied that it should.
+
+
+
+ The last question was asked for the first time,
+half in jest, on May 21, 2061, at a time when humanity first stepped into the
+light. The question came about as a result of a five-dollar bet over highballs,
+and it happened this way:
+
+ Alexander Adell and Bertram Lupov were two of the
+faithful attendants of Multivac. As well as any human beings could, they knew
+what lay behind the cold, clicking, flashing face -- miles and miles of face --
+of that giant computer. They had at least a vague notion of the general plan of
+relays and circuits that had long since grown past the point where any single
+human could possibly have a firm grasp of the whole.
+
+ Multivac was self-adjusting and self-correcting.
+It had to be, for nothing human could adjust and correct it quickly enough or
+even adequately enough. So Adell and Lupov attended the monstrous giant only lightly
+and superficially, yet as well as any men could. They fed it data, adjusted questions
+to its needs and translated the answers that were issued. Certainly they, and
+all others like them, were fully entitled to share in the glory that was Multivac's.
+
+ For decades, Multivac had helped design the ships
+and plot the trajectories that enabled man to reach the Moon, Mars, and Venus,
+but past that, Earth's poor resources could not support the ships. Too much energy
+was needed for the long trips. Earth exploited its coal and uranium with increasing
+efficiency, but there was only so much of both.
+
+ But slowly Multivac learned enough to answer deeper
+questions more fundamentally, and on May 14, 2061, what had been theory, became
+fact.
+
+ The energy of the sun was stored, converted, and
+utilized directly on a planet-wide scale. All Earth turned off its burning coal,
+its fissioning uranium, and flipped the switch that connected all of it to a small
+station, one mile in diameter, circling the Earth at half the distance of the
+Moon. All Earth ran by invisible beams of sunpower.
+
+ Seven days had not sufficed to dim the glory of
+it and Adell and Lupov finally managed to escape from the public functions, and
+to meet in quiet where no one would think of looking for them, in the deserted
+underground chambers, where portions of the mighty buried body of Multivac showed.
+Unattended, idling, sorting data with contented lazy clickings, Multivac, too,
+had earned its vacation and the boys appreciated that. They had no intention,
+originally, of disturbing it.
+
+ They had brought a bottle with them, and their only
+concern at the moment was to relax in the company of each other and the bottle.
+
+ "It's amazing when you think of it," said Adell.
+His broad face had lines of weariness in it, and he stirred his drink slowly with
+a glass rod, watching the cubes of ice slur clumsily about. "All the energy we
+can possibly ever use for free. Enough energy, if we wanted to draw on it, to
+melt all Earth into a big drop of impure liquid iron, and still never miss the
+energy so used. All the energy we could ever use, forever and forever and forever."
+
+ Lupov cocked his head sideways. He had a trick of
+doing that when he wanted to be contrary, and he wanted to be contrary now, partly
+because he had had to carry the ice and glassware. "Not forever," he said.
+
+ "Oh, hell, just about forever. Till the sun runs
+down, Bert."
+
+ "That's not forever."
+
+ "All right, then. Billions and billions of years.
+Ten billion, maybe. Are you satisfied?"
+
+ Lupov put his fingers through his thinning hair
+as though to reassure himself that some was still left and sipped gently at his
+own drink. "Ten billion years isn't forever."
+
+ "Well, it will last our time, won't it?"
+
+ "So would the coal and uranium."
+
+ "All right, but now we can hook up each individual
+spaceship to the Solar Station, and it can go to Pluto and back a million times
+without ever worrying about fuel. You can't do that on coal and uranium.
+Ask Multivac, if you don't believe me.
+
+ "I don't have to ask Multivac. I know that."
+
+ "Then stop running down what Multivac's done for
+us," said Adell, blazing up, "It did all right."
+
+ "Who says it didn't? What I say is that a sun won't
+last forever. That's all I'm saying. We're safe for ten billion years, but then
+what?" Lupow pointed a slightly shaky finger at the other. "And don't say we'll
+switch to another sun."
+
+ There was silence for a while. Adell put his glass
+to his lips only occasionally, and Lupov's eyes slowly closed. They rested.
+
+ Then Lupov's eyes snapped open. "You're thinking
+we'll switch to another sun when ours is done, aren't you?"
+
+ "I'm not thinking."
+
+ "Sure you are. You're weak on logic, that's the
+trouble with you. You're like the guy in the story who was caught in a sudden
+shower and who ran to a grove of trees and got under one. He wasn't worried, you
+see, because he figured when one tree got wet through, he would just get under
+another one."
+
+ "I get it," said Adell. "Don't shout. When the sun
+is done, the other stars will be gone, too."
+
+ "Darn right they will," muttered Lupov. "It all
+had a beginning in the original cosmic explosion, whatever that was, and it'll
+all have an end when all the stars run down. Some run down faster than others.
+Hell, the giants won't last a hundred million years. The sun will last ten billion
+years and maybe the dwarfs will last two hundred billion for all the good they
+are. But just give us a trillion years and everything will be dark. Entropy has
+to increase to maximum, that's all."
+
+ "I know all about entropy," said Adell, standing
+on his dignity.
+
+ "The hell you do."
+
+ "I know as much as you do."
+
+ "Then you know everything's got to run down someday."
+
+ "All right. Who says they won't?"
+
+ "You did, you poor sap. You said we had all the
+energy we needed, forever. You said 'forever.'
+
+ It was Adell's turn to be contrary. "Maybe we can
+build things up again someday," he said.
+
+ "Never."
+
+ "Why not? Someday."
+
+ "Never."
+
+ "Ask Multivac."
+
+ "You ask Multivac. I dare you. Five dollars
+says it can't be done."
+
+ Adell was just drunk enough to try, just sober enough
+to be able to phrase the necessary symbols and operations into a question which,
+in words, might have corresponded to this: Will mankind one day without the net
+expenditure of energy be able to restore the sun to its full youthfulness even
+after it had died of old age?
+
+ Or maybe it could be put more simply like this:
+How can the net amount of entropy of the universe be massively decreased?
+
+ Multivac fell dead and silent. The slow flashing
+of lights ceased, the distant sounds of clicking relays ended.
+
+ Then, just as the frightened technicians felt they
+could hold their breath no longer, there was a sudden springing to life of the
+teletype attached to that portion of Multivac. Five words were printed: INSUFFICIENT
+DATA FOR MEANINGFUL ANSWER.
+
+ "No bet," whispered Lupov. They left hurriedly.
+
+ By next morning, the two, plagued with throbbing
+head and cottony mouth, had forgotten the incident.
+
+
+ Jerrodd, Jerrodine, and Jerrodette I and II watched
+the starry picture in the visiplate change as the passage through hyperspace was
+completed in its non-time lapse. At once, the even powdering of stars gave way
+to the predominance of a single bright shining disk, the size of a marble, centered
+on the viewing-screen.
+
+ "That's X-23," said Jerrodd confidently. His thin
+hands clamped tightly behind his back and the knuckles whitened.
+
+ The little Jerrodettes, both girls, had experienced
+the hyperspace passage for the first time in their lives and were self-conscious
+over the momentary sensation of insideoutness. They buried their giggles and chased
+one another wildly about their mother, screaming, "We've reached X-23 -- we've
+reached X-23 -- we've --"
+
+ "Quiet, children." said Jerrodine sharply. "Are
+you sure, Jerrodd?"
+
+ "What is there to be but sure?" asked Jerrodd, glancing
+up at the bulge of featureless metal just under the ceiling. It ran the length
+of the room, disappearing through the wall at either end. It was as long as the
+ship.
+
+ Jerrodd scarcely knew a thing about the thick rod
+of metal except that it was called a Microvac, that one asked it questions if
+one wished; that if one did not it still had its task of guiding the ship to a
+preordered destination; of feeding on energies from the various Sub-galactic Power
+Stations; of computing the equations for the hyperspatial jumps.
+
+ Jerrodd and his family had only to wait and live
+in the comfortable residence quarters of the ship. Someone had once told Jerrodd
+that the "ac" at the end of "Microvac" stood for ''automatic computer" in ancient
+English, but he was on the edge of forgetting even that.
+
+ Jerrodine's eyes were moist as she watched the visiplate.
+"I can't help it. I feel funny about leaving Earth."
+
+ "Why, for Pete's sake?" demanded Jerrodd. "We had
+nothing there. We'll have everything on X-23. You won't be alone. You won't be
+a pioneer. There are over a million people on the planet already. Good Lord, our
+great-grandchildren will be looking for new worlds because X-23 will be overcrowded."
+Then, after a reflective pause, "I tell you, it's a lucky thing the computers
+worked out interstellar travel the way the race is growing."
+
+ "I know, I know," said Jerrodine miserably.
+
+ Jerrodette I said promptly, "Our Microvac is the
+best Microvac in the world."
+
+ "I think so, too," said Jerrodd, tousling her hair.
+
+ It was a nice feeling to have a Microvac of your
+own and Jerrodd was glad he was part of his generation and no other. In his father's
+youth, the only computers had been tremendous machines taking up a hundred square
+miles of land. There was only one to a planet. Planetary ACs they were called.
+They had been growing in size steadily for a thousand years and then, all at once,
+came refinement. In place of transistors, had come molecular valves so that even
+the largest Planetary AC could be put into a space only half the volume of a spaceship.
+
+ Jerrodd felt uplifted, as he always did when he
+thought that his own personal Microvac was many times more complicated than the
+ancient and primitive Multivac that had first tamed the Sun, and almost as complicated
+as Earth's Planetarv AC (the largest) that had first solved the problem of hyperspatial
+travel and had made trips to the stars possible.
+
+ "So many stars, so many planets," sighed Jerrodine,
+busy with her own thoughts. "I suppose families will be going out to new planets
+forever, the way we are now."
+
+ "Not forever," said Jerrodd, with a smile. "It will
+all stop someday, but not for billions of years. Many billions. Even the stars
+run down, you know. Entropy must increase.
+
+ "What's entropy, daddy?" shrilled Jerrodette II.
+
+ "Entropy, little sweet, is just a word which means
+the amount of running-down of the universe. Everything runs down, you know, like
+your little walkie-talkie robot, remember?"
+
+ "Can't you just put in a new power-unit, like with
+my robot?"
+
+ "The stars are the power-units. dear. Once they're
+gone, there are no more power-units."
+
+ Jerrodette I at once set up a howl. "Don't let them,
+daddy. Don't let the stars run down."
+
+ "Now look what you've done," whispered Jerrodine,
+exasperated.
+
+ "How was I to know it would frighten them?" Jerrodd
+whispered back,
+
+ "Ask the Microvac," wailed Jerrodette I. "Ask him
+how to turn the stars on again."
+
+ "Go ahead," said Jerrodine. "It will quiet them
+down." (Jerrodette II was beginning to cry, also.)
+
+ Jerrodd shrugged. "Now, now, honeys. I'll ask Microvac.
+Don't worry, he'll tell us."
+
+ He asked the Microvac, adding quickly, "Print the
+answer."
+
+ Jerrodd cupped the strip or thin cellufilm and said
+cheerfully, "See now, the Microvac says it will take care of everything when the
+time comes so don't worry."
+
+ Jerrodine said, "And now, children, it's time for
+bed. We'll be in our new home soon."
+
+ Jerrodd read the words on the cellufilm again before
+destroying it: INSUFICIENT DATA FOR MEANINGFUL ANSWER.
+
+ He shrugged and looked at the visiplate. X-23 was
+just ahead.
+
+
+ VJ-23X of Lameth stared into the black depths of
+the three-dimensional, small-scale map of the Galaxy and said, "Are we ridiculous,
+I wonder in being so concerned about the matter?"
+
+ MQ-17J of Nicron shook his head. "I think not. You
+know the Galaxy will be filled in five years at the present rate of expansion."
+
+ Both seemed in their early twenties, both were tall
+and perfectly formed.
+
+ "Still," said VJ-23X, "I hesitate to submit a pessimistic
+report to the Galactic Council."
+
+ "I wouldn't consider any other kind of report. Stir
+them up a bit. We've got to stir them up."
+
+ VJ-23X sighed. "Space is infinite. A hundred billion
+Galaxies are there for the taking. More."
+
+ "A hundred billion is not infinite and it's getting
+less infinite all the time. Consider! Twenty thousand years ago, mankind first
+solved the problem of utilizing stellar energy, and a few centuries later, interstellar
+travel became possible. It took mankind a million years to fill one small world
+and then only fifteen thousand years to fill the rest of the Galaxy. Now the population
+doubles every ten years --
+
+ VJ-23X interrupted. "We can thank immortality for
+that."
+
+ "Very well. Immortality exists and we have to take
+it into account. I admit it has its seamy side, this immortality. The Galactic
+AC has solved many problems for us, but in solving the problem of preventing old
+age and death, it has undone all its other solutions."
+
+ "Yet you wouldn't want to abandon life, I suppose."
+
+ "Not at all," snapped MQ-17J, softening it at once
+to, "Not yet. I'm by no means old enough. How old are you?"
+
+ "Two hundred twenty-three. And you?"
+
+ "I'm still under two hundred. --But to get back
+to my point. Population doubles every ten years. Once this GaIaxy is filled, we'll
+have filled another in ten years. Another ten years and we'll have filled two
+more. Another decade, four more. In a hundred years, we'll have filled a thousand
+Galaxies. In a thousand years, a million Galaxies. In ten thousand years, the
+entire known universe. Then what?"
+
+ VJ-23X said, "As a side issue, there's a problem
+of transportation. I wonder how many sunpower units it will take to move Galaxies
+of individuals from one Galaxy to the next."
+
+ "A very good point. Already, mankind consumes two
+sunpower units per year."
+
+ "Most of it's wasted. After all, our own Galaxy
+alone pours out a thousand sunpower units a year and we only use two of those."
+
+ "Granted, but even with a hundred per cent efficiency,
+we only stave off the end. Our energy requirements are going up in a geometric
+progression even faster than our population. We'll run out of energy even sooner
+than we run out of Galaxies. A good point. A very good point."
+
+ "We'll just have to build new stars out of interstellar
+gas."
+
+ "Or out of dissipated heat?" asked MQ-17J, sarcastically.
+
+ "There may be some way to reverse entropy. We ought
+to ask the Galactic AC."
+
+ VJ-23X was not really serious, but MQ-17J pulled
+out his AC-contact from his pocket and placed it on the table before him.
+
+ "I've half a mind to," he said. "It's something
+the human race will have to face someday."
+
+ He stared somberly at his small AC-contact. It was
+only two inches cubed and nothing in itself, but it was connected through hyperspace
+with the great Galactic AC that served all mankind. Hyperspace considered, it
+was an integral part of the Galactic AC.
+
+ MQ-17J paused to wonder if someday in his immortal
+life he would get to see the Galactic AC. It was on a little world of its own,
+a spider webbing of force-beams holding the matter within which surges of submesons
+took the place of the old clumsy molecular valves. Yet despite its sub-etheric
+workings, the Galactic AC was known to be a full thousand feet across.
+
+ MQ-17J asked suddenly of his AC-contact, "Can entropy
+ever be reversed?"
+
+ VJ-23X looked startled and said at once, "Oh, say,
+I didn't really mean to have you ask that."
+
+ "Why not?"
+
+ "We both know entropy can't be reversed. You can't
+turn smoke and ash back into a tree."
+
+ "Do you have trees on your world?" asked MQ-17J.
+
+ The sound of the Galactic AC startled them into
+silence. Its voice came thin and beautiful out of the small AC-contact on the
+desk. It said: THERE IS INSUFFICIENT DATA FOR A MEANINGFUL ANSWER.
+
+ VJ-23X said, "See!"
+
+ The two men thereupon returned to the question of
+the report they were to make to the Galactic Council.
+
+
+ Zee Prime's mind spanned the new Galaxy with a faint
+interest in the countless twists of stars that powdered it. He had never seen
+this one before. Would he ever see them all? So many of them, each with its load
+of humanity. --But a load that was almost a dead weight. More and more, the real
+essence of men was to be found out here, in space.
+
+ Minds, not bodies! The immortal bodies remained
+back on the planets, in suspension over the eons. Sometimes they roused for material
+activity but that was growing rarer. Few new individuals were coming into existence
+to join the incredibly mighty throng, but what matter? There was little room in
+the Universe for new individuals.
+
+ Zee Prime was roused out of his reverie upon coming
+across the wispy tendrils of another mind.
+
+ "I am Zee Prime," said Zee Prime. "And you?"
+
+ "I am Dee Sub Wun. Your Galaxy?"
+
+ "We call it only the Galaxy. And you?"
+
+ "We call ours the same. All men call their Galaxy
+their Galaxy and nothing more. Why not?"
+
+ "True. Since all Galaxies are the same."
+
+ "Not all Galaxies. On one particular Galaxy the
+race of man must have originated. That makes it different."
+
+ Zee Prime said, "On which one?"
+
+ "I cannot say. The Universal AC would know."
+
+ "Shall we ask him? I am suddenly curious."
+
+ Zee Prime's perceptions broadened until the Galaxies
+themselves shrank and became a new, more diffuse powdering on a much larger background.
+So many hundreds of billions of them, all with their immortal beings, all carrying
+their load of intelligences with minds that drifted freely through space. And
+yet one of them was unique among them all in being the original Galaxy. One of
+them had, in its vague and distant past, a period when it was the only Galaxy
+populated by man.
+
+ Zee Prime was consumed with curiosity to see this
+Galaxy and he called out: "Universal AC! On which Galaxy did mankind originate?"
+
+ The Universal AC heard, for on every world and throughout
+space, it had its receptors ready, and each receptor led through hyperspace to
+some unknown point where the Universal AC kept itself aloof.
+
+ Zee Prime knew of only one man whose thoughts had
+penetrated within sensing distance of Universal AC, and he reported only a shining
+globe, two feet across, difficult to see.
+
+ "But how can that be all of Universal AC?" Zee Prime
+had asked.
+
+ "Most of it," had been the answer, "is in hyperspace.
+In what form it is there I cannot imagine."
+
+ Nor could anyone, for the day had long since passed,
+Zee Prime knew, when any man had any part of the making of a Universal AC. Each
+Universal AC designed and constructed its successor. Each, during its existence
+of a million years or more accumulated the necessary data to build a better and
+more intricate, more capable successor in which its own store of data and individuality
+would be submerged.
+
+ The Universal AC interrupted Zee Prime's wandering
+thoughts, not with words, but with guidance. Zee Prime's mentality was guided
+into the dim sea of Galaxies and one in particular enlarged into stars.
+
+ A thought came, infinitely distant, but infinitely
+clear. "THIS IS THE ORIGINAL GALAXY OF MAN."
+
+ But it was the same after all, the same as any other,
+and Lee Prime stifled his disappointment.
+
+ Dee Sub Wun, whose mind had accompanied the other,
+said suddenly, "And is one of these stars the original star of Man?"
+
+ The Universal AC said, "MAN'S ORIGINAL STAR HAS
+GONE NOVA. IT IS A WHITE DWARF"
+
+ "Did the men upon it die?" asked Lee Prime, startled
+and without thinking.
+
+ The Universal AC said, "A NEW WORLD, AS IN SUCH
+CASES WAS CONSTRUCTED FOR THEIR PHYSICAL BODIES IN TlME."
+
+ "Yes, of course," said Zee Prime, but a sense of
+loss overwhelmed him even so. His mind released its hold on the original Galaxy
+of Man, let it spring back and lose itself among the blurred pin points. He never
+wanted to see it again.
+
+ Dee Sub Wun said, "What is wrong?"
+
+ "The stars are dying. The original star is dead."
+
+ "They must all die. Why not?"
+
+ "But when all energy is gone, our bodies will finally
+die, and you and I with them."
+
+ "It will take billions of years."
+
+ "I do not wish it to happen even after billions
+of years. Universal AC! How may stars be kept from dying?"
+
+ Dee Sub Wun said in amusement, "You're asking how
+entropy might be reversed in direction."
+
+ And the Universal AC answered: "THERE IS AS YET
+INSUFFICIENT DATA FOR A MEANINGFUL ANSWER."
+
+ Zee Prime's thoughts fled back to his own Galaxy.
+He gave no further thought to Dee Sub Wun, whose body might be waiting on a Galaxy
+a trillion light-years away, or on the star next to Zee Prime's own. It didn't
+matter.
+
+ Unhappily, Zee Prime began collecting interstellar
+hydrogen out of which to build a small star of his own. If the stars must someday
+die, at least some could yet be built.
+
+
+ Man considered with himself, for in a way, Man,
+mentally, was one. He consisted of a trillion, trillion, trillion ageless bodies,
+each in its place, each resting quiet and incorruptible, each cared for by perfect
+automatons, equally incorruptible, while the minds of all the bodies freely melted
+one into the other, indistinguishable.
+
+ Man said, "The Universe is dying."
+
+ Man looked about at the dimming Galaxies. The giant
+stars, spendthrifts, were gone long ago, back in the dimmest of the dim far past.
+Almost all stars were white dwarfs, fading to the end.
+
+ New stars had been built of the dust between the
+stars, some by natural processes, some by Man himself, and those were going, too.
+White dwarfs might yet be crashed together and of the mighty forces so released,
+new stars built, but only one star for every thousand white dwarfs destroyed,
+and those would come to an end, too.
+
+ Man said, "Carefully husbanded, as directed by the
+Cosmic AC, the energy that is even yet left in all the Universe will last for
+billions of years."
+
+ "But even so," said Man, "eventually it will all
+come to an end. However it may be husbanded, however stretched out, the energy
+once expended is gone and cannot be restored. Entropy must increase forever to
+the maximum."
+
+ Man said, "Can entropy not be reversed? Let us ask
+the Cosmic AC."
+
+ The Cosmic AC surrounded them but not in space.
+Not a fragment of it was in space. It was in hyperspace and made of something
+that was neither matter nor energy. The question of its size and nature no longer
+had meaning in any terms that Man could comprehend.
+
+ "Cosmic AC," said Man, "how may entropy be reversed?"
+
+ The Cosmic AC said, "THERE IS AS YET INSUFFICIENT
+DATA FOR A MEANINGFUL ANSWER."
+
+ Man said, "Collect additional data."
+
+ The Cosmic AC said, 'I WILL DO S0. I HAVE BEEN DOING
+SO FOR A HUNDRED BILLION YEARS. MY PREDECESORS AND I HAVE BEEN ASKED THIS QUESTION
+MANY TlMES. ALL THE DATA I HAVE REMAINS INSUFFICIENT.
+
+ "Will there come a time," said Man, 'when data will
+be sufficient or is the problem insoluble in all conceivable circumstances?"
+
+ The Cosmic AC said, "NO PROBLEM IS INSOLUBLE IN
+ALL CONCEIVABLE CIRCUMSTANCES."
+
+ Man said, "When will you have enough data to answer
+the question?"
+
+ The Cosmic AC said, "THERE IS AS YET INSUFFICIENT
+DATA FOR A MEANINGFUL ANSWER."
+
+ "Will you keep working on it?" asked Man.
+
+ The Cosmic AC said, "I WILL."
+
+ Man said, "We shall wait."
+
+
+ The stars and Galaxies died and snuffed out, and
+space grew black after ten trillion years of running down.
+
+ One by one Man fused with AC, each physical body
+losing its mental identity in a manner that was somehow not a loss but a gain.
+
+ Man's last mind paused before fusion, looking over
+a space that included nothing but the dregs of one last dark star and nothing
+besides but incredibly thin matter, agitated randomly by the tag ends of heat
+wearing out, asymptotically, to the absolute zero.
+
+ Man said, "AC, is this the end? Can this chaos not
+be reversed into the Universe once more? Can that not be done?"
+
+ AC said, "THERE IS AS YET INSUFFICIENT DATA FOR
+A MEANINGFUL ANSWER."
+
+ Man's last mind fused and only AC existed -- and
+that in hyperspace.
+
+
+ Matter and energy had ended and with it space and
+time. Even AC existed only for the sake of the one last question that it had never
+answered from the time a half-drunken computer [technician] ten trillion years
+before had asked the question of a computer that was to AC far less than was a
+man to Man.
+
+ All other questions had been answered, and until
+this last question was answered also, AC might not release his consciousness.
+
+ All collected data had come to a final end. Nothing
+was left to be collected.
+
+ But all collected data had yet to be completely
+correlated and put together in all possible relationships.
+
+ A timeless interval was spent in doing that.
+
+ And it came to pass that AC learned how to reverse
+the direction of entropy.
+
+ But there was now no man to whom AC might give the
+answer of the last question. No matter. The answer -- by demonstration -- would
+take care of that, too.
+
+ For another timeless interval, AC thought how best
+to do this. Carefully, AC organized the program.
+
+ The consciousness of AC encompassed all of what
+had once been a Universe and brooded over what was now Chaos. Step by step, it
+must be done.
+
+ And AC said, "LET THERE BE LIGHT!"
+
+ And there was light --
+
diff --git a/data_sources/metaphorical/asimov_relativity_of_wrong.html b/data_sources/metaphorical/asimov_relativity_of_wrong.html
new file mode 100644
index 0000000000000000000000000000000000000000..ff756823a0b04fd3832cb2e4cfc69a41182ea2ad
--- /dev/null
+++ b/data_sources/metaphorical/asimov_relativity_of_wrong.html
@@ -0,0 +1,213 @@
+
+
+
+
+
+
+The Relativity of Wrong by Isaac Asimov
+
+
+
+
+
The Relativity of Wrong
+
+
by Isaac Asimov
+
+
+
I received a letter from a reader the other day. It was handwritten in crabbed penmanship so that it was very difficult to read. Nevertheless, I tried to make it out just in case it might prove to be important.
+
+
In the first sentence, he told me he was majoring in English Literature, but felt he needed to teach me science. (I sighed a bit, for I knew very few English Lit majors who are equipped to teach me science, but I am very aware of the vast state of my ignorance and I am prepared to learn as much as I can from anyone, however low on the social scale, so I read on.)
+
+
It seemed that in one of my innumerable essays, here and elsewhere, I had expressed a certain gladness at living in a century in which we finally got the basis of the Universe straight.
+
+
I didn't go into detail in the matter, but what I meant was that we now know the basic rules governing the Universe, together with the gravitational interrelationships of its gross components, as shown in the theory of relativity worked out between 1905 and 1916. We also know the basic rules governing the subatomic particles and their interrelationships, since these are very neatly described by the quantum theory worked out between 1900 and 1930. What's more, we have found that the galaxies and clusters of galaxies are the basic units of the physical Universe, as discovered between 1920 and 1930.
+
+
These are all twentieth-century discoveries, you see.
+
+
The young specialist in English Lit, having quoted me, went on to lecture me severely on the fact that in every century people have thought they understood the Universe at last, and in every century they were proven to be wrong. It follows that the one thing we can say about out modern "knowledge" is that it is wrong.
+
+
The young man then quoted with approval what Socrates had said on learning that the Delphic oracle had proclaimed him the wisest man in Greece. "If I am the wisest man," said Socrates, "it is because I alone know that I know nothing." The implication was that I was very foolish because I knew a great deal.
+
+
Alas, none of this was new to me. (There is very little that is new to me; I wish my corresponders would realize this.) This particular thesis was addressed to me a quarter of a century ago by John Campbell, who specialized in irritating me. He also told me that all theories are proven wrong in time.
+
+
My answer to him was, "John, when people thought the Earth was flat, they were wrong. When people thought the Earth was spherical, they were wrong. But if you think that thinking the Earth is spherical is just as wrong as thinking the Earth is flat, then your view is wronger than both of them put together."
+
+
The basic trouble, you see, is that people think that "right" and "wrong" are absolute; that everything that isn't perfectly and completely right is totally and equally wrong.
+
+
However, I don't think that's so. It seems to me that right and wrong are fuzzy concepts, and I will devote this essay to an explanation of why I think so.
+
+
+
+
First, let me dispose of Socrates because I am sick and tired of this pretense that knowing you know nothing is a mark of wisdom.
+
+
No one knows nothing. In a matter of days, babies learn to recognize their mothers.
+
+
Socrates would agree, of course, and explain that knowledge of trivia is not what he means. He means that in the great abstractions over which human beings debate, one should start without preconceived, unexamined notions, and that he alone knew this. (What an enormously arrogant claim!)
It is the mark of the marvelous toleration of the Athenians that they let this continue for decades and that it wasn't till Socrates turned seventy that they broke down and forced him to drink poison.
+
+
+
+
Now where do we get the notion that "right" and "wrong" are absolutes? It seems to me that this arises in the early grades, when children who know very little are taught by teachers who know very little more.
+
+
Young children learn spelling and arithmetic, for instance, and here we tumble into apparent absolutes.
+
+
How do you spell "sugar?" Answer: s-u-g-a-r. That is right. Anything else is wrong.
+
+
How much is 2 + 2? The answer is 4. That is right. Anything else is wrong.
+
+
Having exact answers, and having absolute rights and wrongs, minimizes the necessity of thinking, and that pleases both students and teachers. For that reason, students and teachers alike prefer short-answer tests to essay tests; multiple-choice over blank short-answer tests; and true-false tests over multiple-choice.
+
+
But short-answer tests are, to my way of thinking, useless as a measure of the student's understanding of a subject. They are merely a test of the efficiency of his ability to memorize.
+
+
You can see what I mean as soon as you admit that right and wrong are relative.
+
+
How do you spell "sugar?" Suppose Alice spells it p-q-z-z-f and Genevieve spells it s-h-u-g-e-r. Both are wrong, but is there any doubt that Alice is wronger than Genevieve? For that matter, I think it is possible to argue that Genevieve's spelling is superior to the "right" one.
+
+
Or suppose you spell "sugar": s-u-c-r-o-s-e, or C12H22O11. Strictly speaking, you are wrong each time, but you're displaying a certain knowledge of the subject beyond conventional spelling.
+
+
Suppose then the test question was: how many different ways can you spell "sugar?" Justify each.
+
+
Naturally, the student would have to do a lot of thinking and, in the end, exhibit how much or how little he knows. The teacher would also have to do a lot of thinking in the attempt to evaluate how much or how little the student knows. Both, I imagine, would be outraged.
+
+
Again, how much is 2 + 2? Suppose Joseph says: 2 + 2 = purple, while Maxwell says: 2 + 2 = 17. Both are wrong but isn't it fair to say that Joseph is wronger than Maxwell?
+
+
Suppose you said: 2 + 2 = an integer. You'd be right, wouldn't you? Or suppose you said: 2 + 2 = an even integer. You'd be righter. Or suppose you said: 2 + 2 = 3.999. Wouldn't you be nearly right?
+
+
If the teacher wants 4 for an answer and won't distinguish between the various wrongs, doesn't that set an unnecessary limit to understanding?
+
+
Suppose the question is, how much is 9 + 5?, and you answer 2. Will you not be excoriated and held up to ridicule, and will you not be told that 9 + 5 = 14?
+
+
If you were then told that 9 hours had pass since midnight and it was therefore 9 o'clock, and were asked what time it would be in 5 more hours, and you answered 14 o'clock on the grounds that 9 + 5 = 14, would you not be excoriated again, and told that it would be 2 o'clock? Apparently, in that case, 9 + 5 = 2 after all.
+
+
Or again suppose, Richard says: 2 + 2 = 11, and before the teacher can send him home with a note to his mother, he adds, "To the base 3, of course." He'd be right.
+
+
Here's another example. The teacher asks: "Who is the fortieth President of the United States?" and Barbara says, "There isn't any, teacher."
+
+
"Wrong!" says the teacher, "Ronald Reagan is the fortieth President of the United States."
+
+
"Not at all," says Barbara, "I have here a list of all the men who have served as President of the United States under the Constitution, from George Washington to Ronald Reagan, and there are only thirty-nine of them, so there is no fortieth President."
+
+
"Ah," says the teacher, "but Grover Cleveland served two nonconsecutive terms, one from 1885 to 1889, and the second from 1893 to 1897. He counts as both the twenty-second and twenty-fourth President. That is why Ronald Reagan is the thirty-ninth person to serve as President of the United States, and is, at the same time, the fortieth President of the United States."
+
+
Isn't that ridiculous? Why should a person be counted twice if his terms are nonconsecutive, and only once if he served two consecutive terms? Pure convention! Yet Barbara is marked wrongβjust as wrong as if she had said that the fortieth President of the United States is Fidel Castro.
+
+
Therefore, when my friend the English Literature expert tells me that in every century scientists think they have worked out the Universe and are always wrong, what I want to know is how wrong are they? Are they always wrong to the same degree? Let's take an example.
+
+
+
+
In the early days of civilization, the general feeling was that the Earth was flat.
+
+
This was not because people were stupid, or because they were intent on believing silly things. They felt it was flat on the basis of sound evidence. It was not just a matter of "That's how it looks," because the Earth does not look flat. It looks chaotically bumpy, with hills, valleys, ravines, cliffs, and so on.
+
+
Of course, there are plains where, over limited areas, the Earth's surface does look fairly flat. One of those plains is in the Tigris-Euphrates area where the first historical civilization (one with writing) developed, that of the Sumerians.
+
+
Perhaps it was the appearance of the plain that may have persuaded the clever Sumerians to accept the generalization that the Earth was flat; that if you somehow evened out all the elevations and depressions, you would be left with flatness. Contributing to the notion may have been the fact that stretches of water (ponds and lakes) looked pretty flat on quiet days.
+
+
Another way of looking at it is to ask what is the "curvature" of Earth's surface. Over a considerable length, how much does the surface deviate (on the average) from perfect flatness. The flat-Earth theory would make it seem that the surface doesn't deviate from flatness at all, that its curvature is 0 to the mile.
+
+
Nowadays, of course, we are taught that the flat-Earth theory is wrong; that it is all wrong, terribly wrong, absolutely. But it isn't. The curvature of the Earth is nearly 0 per mile, so that although the flat-Earth theory is wrong, it happens to be nearly right. That's why the theory lasted so long.
+
+
There were reasons, to be sure, to find the flat-Earth theory unsatisfactory and, about 350 B.C., the Greek philosopher Aristotle summarized them. First, certain stars disappeared beyond the Southern Hemisphere as one traveled north, and beyond the Northern Hemisphere as one traveled south. Second, the Earth's shadow on the Moon during a lunar eclipse was always the arc of a circle. Third, here on Earth itself, ships disappeared beyond the horizon hull-first in whatever direction they were traveling.
+
+
All three observations could not be reasonably explained if the Earth's surface were flat, but could be explained by assuming the Earth to be a sphere.
+
+
What's more, Aristotle believed that all solid matter tended to move toward a common center, and if solid matter did this, it would end up as a sphere. A given volume of matter is, on the average, closer to a common center if it is a sphere than if it is any other shape whatever.
+
+
About a century after Aristotle, the Greek philosopher Eratosthenes noted that the Sun cast a shadow of different lengths at different latitudes (all the shadows would be the same length if the Earth's surface were flat). From the difference in shadow length, he calculated the size of the earthly sphere and it turned out to be 25,000 miles in circumference.
+
+
The curvature of such a sphere is about 0.000126 per mile, a quantity very close to 0 per mile as you can see, and one not easily measured by the techniques at the disposal of the ancients. The tiny difference between 0 and 0.000126 accounts for the fact that it took so long to pass from the flat Earth to the spherical Earth.
+
+
Mind you, even a tiny difference, such at that between 0 and 0.000126, can be extremely important. That difference mounts up. The Earth cannot be mapped over large areas with any accuracy at all if the difference isn't taken into account and if the Earth isn't considered a sphere rather than a flat surface. Long ocean voyages can't be undertaken with any reasonable way of locating one's own position in the ocean unless the Earth is considered spherical rather than flat.
+
+
Furthermore, the flat Earth presupposes the possibility of an infinite Earth, or of the existence of an "end" to the surface. The spherical Earth, however, postulates an Earth that is both endless and yet finite, and it is the latter postulate that is consistent with all later findings.
+
+
So although the flat-Earth theory is only slightly wrong and is a credit to its inventors, all things considered, it is wrong enough to be discarded in favor of the spherical-Earth theory.
+
+
+
+
And yet is the Earth a sphere?
+
+
No, it is not a sphere; not in the strict mathematical sense. A sphere has certain mathematical propertiesβfor instance, all diameters (that is, all straight lines that pass from one point on its surface, through the center, to another point on its surface) have the same length.
+
+
That, however, is not true of the Earth. Various diameters of the Earth differ in length.
+
+
What gave people the notion the Earth wasn't a true sphere? To begin with, the Sun and the Moon have outlines that are perfect circles within the limits of measurement in the early days of the telescope. This is consistent with the supposition that the Sun and Moon are perfectly spherical in shape.
+
+
However, when Jupiter and Saturn were observed by the first telescopic observers, it became quickly apparent that the outlines of those planets were not circles, but distinct ellipses. That meant that Jupiter and Saturn were not true spheres.
+
+
Isaac Newton, toward the end of the seventeenth century, showed that a massive body would form a sphere under the pull of gravitational forces (exactly as Aristotle had argued), but only if it were not rotating. If it were rotating, a centrifugal effect would be set up which would lift the body's substance against gravity, and the effect would be greater the closer to the equator you progressed. The effect would also be greater the more rapidly a spherical object rotated and Jupiter and Saturn rotated very rapidly indeed.
+
+
The Earth rotated much more slowly than Jupiter or Saturn so the effect should be smaller, but it should still be there. Actual measurements of the curvature of the Earth were carried out in the eighteenth century and Newton was proved correct.
+
+
The Earth has an equatorial bulge, in other words. It is flattened at the poles. It is an "oblate spheroid" rather than a sphere. This means that the various diameters of the earth differ in length. The longest diameters are any of those that stretch from one point on the equator to an opposite point on the equator. The "equatorial diameter" is 12,755 kilometers (7,927 miles). The shortest diameter is from the North Pole to the South Pole and this "polar diameter" is 12,711 kilometers (7,900 miles).
+
+
The difference between the longest and shortest diameters is 44 kilometers (27 miles), and that means that the "oblateness" of the Earth (its departure from true sphericity) is 44/12,755, or 0.0034. This amounts to 1/3 of 1 percent.
+
+
To put it another way, on a flat surface, curvature is 0 per mile everywhere. On Earth's spherical surface, curvature is 0.000126 per mile everywhere (or 8 inches per mile). On Earth's oblate spheroidical surface, the curvature varies from 7.973 inches to the mile to 8.027 inches to the mile.
+
+
The correction in going from spherical to oblate spheroidal is much smaller than going from flat to spherical. Therefore, although the notion of the Earth as sphere is wrong, strictly speaking, it is not as wrong as the notion of the Earth as flat.
+
+
Even the oblate-spheroidal notion of the Earth is wrong, strictly speaking. In 1958, when the satellite Vanguard 1 was put into orbit about the Earth, it was able to measure the local gravitational pull of the Earthβand therefore its shapeβwith unprecedented precision. It turned out that the equatorial bulge south of the equator was slightly bulgier than the bulge north of the equator, and that the South Pole sea level was slightly nearer the center of the Earth than the North Pole sea level was.
+
+
There seemed no other way of describing this than by saying the Earth was pearshaped and at once many people decided that the Earth was nothing like a sphere but was shaped like a Bartlett pear dangling in space. Actually, the pearlike deviation from oblate-spheroid perfect was a matter of yards rather than miles and the adjustment of curvature was in the millionths of an inch per mile.
+
+
In short, my English Lit friend, living in a mental world of absolute rights and wrongs, may be imagining that because all theories are wrong, the Earth may be thought spherical now, but cubical next century, and a hollow icosahedron the next, and a doughnut shape the one after.
+
+
What actually happens is that once scientists get hold of a good concept they gradually refine and extend if with a greater and greater subtlety as their instruments of measurement improve. Theories are not so much wrong as incomplete.
+
+
+
+
This can be pointed out in many other cases than just the shape of the Earth. Even when a new theory seems to represent a revolution, it usually arises out of small refinements. If something more than a small refinement were needed, then the old theory would never have endured.
+
+
Copernicus switched from an Earth-centered planetary system to a Sun-centered one. In doing so, he switched from something that was obvious to something that was apparently ridiculous. However, it was a matter of finding better ways of calculating the motion of the planets in the sky and, eventually, the geocentric theory was just left behind. It was precisely because the old theory gave results that were fairly good by the measurement standards of the time that kept it in being so long.
+
+
Again, it is because the geological formations of the Earth change so slowly and the living things upon it evolve so slowly that it seemed reasonable at first to suppose that there was no change and that Earth and life always existed as they do today. If that were so, it would make no difference whether Earth and life were billions of years old or thousands. Thousands were easier to grasp.
+
+
But when careful observation showed that Earth and life were changing at a rate that was very tiny but not zero, then it became clear that Earth and life had to be very old. Modern geology came into being, and so did the notion of biological evolution.
+
+
If the rate of change were more rapid, geology and evolution would have reached their modern state in ancient times. It is only because the difference between the rate of change in a static Universe and the rate of change in an evolutionary one is that between zero and very nearly zero that the creationists can continue propagating their folly.
+
+
Again, how about the two great theories of the twentieth century; relativity and quantum mechanics?
+
+
Newton's theories of motion and gravitation were very close to right, and they would have been absolutely right if only the speed of light were infinite. However, the speed of light is finite, and that had to be taken into account in Einstein's relativistic equations, which were an extension and refinement of Newton's equations.
+
+
You might say that the difference between infinite and finite is itself infinite, so why didn't Newton's equations fall to the ground at once? Let's put it another way, and ask how long it takes light to travel over a distance of a meter.
+
+
If light traveled at infinite speed, it would take light 0 seconds to travel a meter. At the speed at which light actually travels, however, it takes it 0.0000000033 seconds. It is that difference between 0 and 0.0000000033 that Einstein corrected for.
+
+
Conceptually, the correction was as important as the correction of Earth's curvature from 0 to 8 inches per mile was. Speeding subatomic particles wouldn't behave the way they do without the correction, nor would particle accelerators work the way they do, nor nuclear bombs explode, nor the stars shine. Nevertheless, it was a tiny correction and it is no wonder that Newton, in his time, could not allow for it, since he was limited in his observations to speeds and distances over which the correction was insignificant.
+
+
Again, where the prequantum view of physics fell short was that it didn't allow for the "graininess" of the Universe. All forms of energy had been thought to be continuous and to be capable of division into indefinitely smaller and smaller quantities.
+
+
This turned out to be not so. Energy comes in quanta, the size of which is dependent upon something called Planck's constant. If Planck's constant were equal to 0 erg-seconds, then energy would be continuous, and there would be no grain to the Universe. Planck's constant, however, is equal to 0.000000000000000000000000066 erg-seconds. That is indeed a tiny deviation from zero, so tiny that ordinary questions of energy in everyday life need not concern themselves with it. When, however, you deal with subatomic particles, the graininess is sufficiently large, in comparison, to make it impossible to deal with them without taking quantum considerations into account.
+
+
+
+
Since the refinements in theory grow smaller and smaller, even quite ancient theories must have been sufficiently right to allow advances to be made; advances that were not wiped out by subsequent refinements.
+
+
The Greeks introduced the notion of latitude and longitude, for instance, and made reasonable maps of the Mediterranean basin even without taking sphericity into account, and we still use latitude and longitude today.
+
+
The Sumerians were probably the first to establish the principle that planetary movements in the sky exhibit regularity and can be predicted, and they proceeded to work out ways of doing so even though they assumed the Earth to be the center of the Universe. Their measurements have been enormously refined but the principle remains.
+
+
Newton's theory of gravitation, while incomplete over vast distances and enormous speeds, is perfectly suitable for the Solar System. Halley's Comet appears punctually as Newton's theory of gravitation and laws of motion predict. All of rocketry is based on Newton, and Voyager II reached Uranus within a second of the predicted time. None of these things were outlawed by relativity.
+
+
In the nineteenth century, before quantum theory was dreamed of, the laws of thermodynamics were established, including the conservation of energy as first law, and the inevitable increase of entropy as the second law. Certain other conservation laws such as those of momentum, angular momentum, and electric charge were also established. So were Maxwell's laws of electromagnetism. All remained firmly entrenched even after quantum theory came in.
+
+
Naturally, the theories we now have might be considered wrong in the simplistic sense of my English Lit correspondent, but in a much truer and subtler sense, they need only be considered incomplete.
+
+
For instance, quantum theory has produced something called "quantum weirdness" which brings into serious question the very nature of reality and which produces philosophical conundrums that physicists simply can't seem to agree upon. It may be that we have reached a point where the human brain can no longer grasp matters, or it may be that quantum theory is incomplete and that once it is properly extended, all the "weirdness" will disappear.
+
+
Again, quantum theory and relativity seem to be independent of each other, so that while quantum theory makes it seem possible that three of the four known interactions can be combined into one mathematical system, gravitationβthe realm of relativityβas yet seems intransigent.
+
+
If quantum theory and relativity can be combined, a true "unified field theory" may become possible.
+
+
If all this is done, however, it would be a still finer refinement that would affect the edges of the knownβthe nature of the big bang and the creation of the Universe, the properties at the center of black holes, some subtle points about the evolution of galaxies and supernovas, and so on.
+
+
Virtually all that we know today, however, would remain untouched and when I say I am glad that I live in a century when the Universe is essentially understood, I think I am justified.
+
+
+
+
\ No newline at end of file
diff --git a/data_sources/metaphorical/examples.txt b/data_sources/metaphorical/examples.txt
new file mode 100644
index 0000000000000000000000000000000000000000..d9d3e92c251dabf5ec9037038417ee6488166997
--- /dev/null
+++ b/data_sources/metaphorical/examples.txt
@@ -0,0 +1,5 @@
+Think of quantum computing like a combination lock with multiple correct combinations simultaneously. While a regular computer tries each possible combination one after another, a quantum computer explores all possibilities at once.
+
+The relationship between the economy and interest rates is like a boat on the ocean. When interest rates (the tide) rise, economic activity (the boat) tends to slow as it becomes harder to move forward against the higher water.
+
+Imagine your neural network as a child learning to identify animals. At first, it might think all four-legged creatures are dogs. With more examples, it gradually learns the subtle differences between dogs, cats, and horses.
\ No newline at end of file
diff --git a/data_sources/metaphorical/generated_metaphorical_example.txt b/data_sources/metaphorical/generated_metaphorical_example.txt
new file mode 100644
index 0000000000000000000000000000000000000000..48b102000f5f564ad45fd5cfca81768c9d951427
--- /dev/null
+++ b/data_sources/metaphorical/generated_metaphorical_example.txt
@@ -0,0 +1,15 @@
+Title: The Weaver of Worlds
+
+In a realm beyond the stars we know, lived an ancient being known only as the Weaver. It did not have a body of flesh, nor a voice that echoed in the air, but its existence was the loom upon which realities were spun. Each thread was a possibility, shimmering with colors unseen by mortal eyes β the crimson of a dying star, the silver of a silent thought, the emerald of a world teeming with life.
+
+One day, a young, ambitious star-spirit, Lyra, approached the Weaver. "Great Weaver," she pulsed, her light flickering with eagerness, "grant me a world of my own to shape, a tapestry of my own design!"
+
+The Weaver, in its timeless way, offered Lyra a single, plain thread, the color of unformed dust. "All worlds begin thus," resonated the Weaver, not in sound, but in understanding that bloomed in Lyra's core. "The pattern is not in the grandeur you impose, but in the care with which you weave what is given."
+
+Lyra was disappointed. She had imagined vibrant threads of power, fate, and instant creation. She took the dusty thread and began to weave, her early patterns clumsy and filled with frustration. She tried to force the thread into shapes of mighty empires and dazzling suns, but it remained dull and lifeless.
+
+Watching from afar, a comet, old and scarred from countless journeys, whispered to Lyra, "The Weaver's threads respond not to force, but to harmony. Seek the music within the dust."
+
+Lyra, humbled, held the thread and listened. She felt the faint vibrations of ancient cosmic songs, the echoes of births and deaths of realities long past. She began to weave again, not with ambition, but with attention, following the subtle pulls and flows within the thread itself. Slowly, miraculously, the dusty thread began to glow. Tiny specks of light, like nascent stars, appeared. A soft blue of nascent oceans, a gentle green of budding life, emerged not from Lyra's command, but from her partnership with the thread.
+
+She understood then that the Weaver did not grant worlds, but the potential for worlds. The beauty was not in the pre-ordained design, but in the dance of creation between the weaver and the eternally unfolding thread of what-is-to-be, guided by the wisdom of what-has-been. Her world, when it finally bloomed, was not the one she had first imagined, but it was far more wondrous, for it was a world born of listening, not just of making.
\ No newline at end of file
diff --git a/data_sources/metaphorical/hans_christian_andersen_fairy_tales.txt b/data_sources/metaphorical/hans_christian_andersen_fairy_tales.txt
new file mode 100644
index 0000000000000000000000000000000000000000..b12e607e58a77ed8ee2b4f1d967b07ff1229cce0
--- /dev/null
+++ b/data_sources/metaphorical/hans_christian_andersen_fairy_tales.txt
@@ -0,0 +1,6315 @@
+ο»ΏProject Gutenberg's Hans Andersen's Fairy Tales, by Hans Christian Andersen
+
+This eBook is for the use of anyone anywhere 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
+
+
+Title: Hans Andersen's Fairy Tales
+ First Series
+
+Author: Hans Christian Andersen
+
+Editor: J.H. Stickney
+
+Illustrator: Edna F. Hart
+
+Release Date: May 28, 2010 [EBook #32571]
+
+Language: English
+
+Character set encoding: UTF-8
+
+*** START OF THIS PROJECT GUTENBERG EBOOK HANS ANDERSEN'S FAIRY TALES ***
+
+
+
+
+Produced by Sharon Joiner and the Online Distributed
+Proofreading Team at http://www.pgdp.net (This file was
+produced from images generously made available by The
+Internet Archive/American Libraries.)
+
+
+
+
+
+
+
+
+
+
+
+Hans Andersen's Fairy Tales
+
+First Series
+
+_Edited by_ J. H. Stickney
+
+Illustrated by Edna F. Hart
+
+ Ginn and Company
+ Boston--New York--Chicago--London
+
+
+
+
+ COPYRIGHT, 1886, 1914, BY J. H. STICKNEY
+
+ ALL RIGHTS RESERVED
+
+ 914.10
+
+ The Athenæum Press
+
+ GINN AND COMPANY Β· PROPRIETORS
+ Β· BOSTON Β· U.S.A.
+
+
+
+
+PREFACE
+
+
+The Hans Andersen Fairy Tales will be read in schools and homes as long
+as there are children who love to read. As a story-teller for children
+the author has no rival in power to enlist the imagination and carry it
+along natural, healthful lines. The power of his tales to charm and
+elevate runs like a living thread through whatever he writes. In the two
+books in which they are here presented they have met the tests and held
+an undiminishing popularity among the best children's books. They are
+recognized as standards, and as juvenile writings come to be more
+carefully standardized, their place in permanent literature will grow
+wider and more secure. A few children's authors will be ranked among the
+Immortals, and Hans Andersen is one of them.
+
+Denmark and Finland supplied the natural background for the quaint
+fancies and growing genius of their gifted son, who was story-teller,
+playwright, and poet in one. Love of nature, love of country,
+fellow-feeling with life in everything, and a wonderful gift for
+investing everything with life wrought together to produce in him a
+character whose spell is in all his writings. "The Story of My Life" is
+perhaps the most thrilling of all of them. Recognized in courts of kings
+and castles of nobles, he recited his little stories with the same
+simplicity by which he had made them familiar in cottages of the
+peasantry, and endeared himself alike to all who listened. These
+attributes, while they do not account for his genius, help us to unravel
+the charm of it. The simplest of the stories meet Ruskin's requirement
+for a child's story--they are sweet and sad.
+
+From most writers who have contributed largely to children's literature
+only a few selected gems are likely to gain permanence. With Andersen
+the case is different. While there are such gems, the greater value lies
+in taking these stories as a type of literature and living in it a
+while, through the power of cumulative reading. It is not too much to
+say that there is a temper and spirit in Andersen which is all his
+own--a simple philosophy which continuous reading is sure to impart. For
+this reason these are good books for a child to own; an occasional
+re-reading will inspire in him a healthy, normal taste in reading. Many
+of the stories are of value to read to very young children. They guide
+an exuberant imagination along natural channels.
+
+The text of the present edition is a reprint of an earlier one which was
+based upon a sentence-by-sentence comparison of the four or five
+translations current in Europe and America. It has been widely commended
+as enjoyable reading, while faithful to the letter and spirit of the
+Danish original. A slight abridgment has been made in two of the longer
+stories. The order of the selections adapts the reading to the growing
+child--the First Series should be sufficiently easy for children of
+about eight or nine years old.
+
+ J. H. STICKNEY
+
+
+
+
+CONTENTS
+
+
+ PAGE
+ THE FIR TREE 1
+ LITTLE TUK 20
+ THE UGLY DUCKLING 30
+ LITTLE IDA'S FLOWERS 52
+ THE STEADFAST TIN SOLDIER 67
+ LITTLE THUMBELINA 77
+ SUNSHINE STORIES 101
+ THE DARNING-NEEDLE 109
+ THE LITTLE MATCH GIRL 117
+ THE LOVING PAIR 124
+ THE LEAPING MATCH 129
+ THE HAPPY FAMILY 134
+ THE GREENIES 141
+ OLE-LUK-OIE, THE DREAM GOD 145
+ THE MONEY BOX 169
+ ELDER-TREE MOTHER 174
+ THE SNOW QUEEN 192
+ THE ROSES AND THE SPARROWS 253
+ THE OLD HOUSE 273
+ THE CONCEITED APPLE BRANCH 290
+ NOTES 299
+
+[Illustration: They danced merrily ... around the tree.]
+
+
+
+
+[Illustration]
+
+
+
+
+HANS ANDERSEN'S FAIRY TALES
+
+
+
+
+THE FIR TREE
+
+
+FAR away in the forest, where the warm sun and the fresh air made a
+sweet resting place, grew a pretty little fir tree. The situation was
+all that could be desired; and yet the tree was not happy, it wished so
+much to be like its tall companions, the pines and firs which grew
+around it.
+
+The sun shone, and the soft air fluttered its leaves, and the little
+peasant children passed by, prattling merrily; but the fir tree did not
+heed them.
+
+Sometimes the children would bring a large basket of raspberries or
+strawberries, wreathed on straws, and seat themselves near the fir
+tree, and say, "Is it not a pretty little tree?" which made it feel even
+more unhappy than before.
+
+And yet all this while the tree grew a notch or joint taller every year,
+for by the number of joints in the stem of a fir tree we can discover
+its age.
+
+Still, as it grew, it complained: "Oh! how I wish I were as tall as the
+other trees; then I would spread out my branches on every side, and my
+crown would overlook the wide world around. I should have the birds
+building their nests on my boughs, and when the wind blew, I should bow
+with stately dignity, like my tall companions."
+
+So discontented was the tree, that it took no pleasure in the warm
+sunshine, the birds, or the rosy clouds that floated over it morning and
+evening.
+
+Sometimes in winter, when the snow lay white and glittering on the
+ground, there was a little hare that would come springing along, and
+jump right over the little tree's head; then how mortified it would
+feel.
+
+Two winters passed; and when the third arrived, the tree had grown so
+tall that the hare was obliged to run round it. Yet it remained
+unsatisfied and would exclaim: "Oh! to grow, to grow; if I could but
+keep on growing tall and old! There is nothing else worth caring for in
+the world."
+
+In the autumn the woodcutters came, as usual, and cut down several of
+the tallest trees; and the young fir, which was now grown to a good,
+full height, shuddered as the noble trees fell to the earth with a
+crash.
+
+After the branches were lopped off, the trunks looked so slender and
+bare that they could scarcely be recognized. Then they were placed, one
+upon another, upon wagons and drawn by horses out of the forest. Where
+could they be going? What would become of them? The young fir tree
+wished very much to know.
+
+So in the spring, when the swallows and the storks came, it asked: "Do
+you know where those trees were taken? Did you meet them?"
+
+The swallows knew nothing; but the stork, after a little reflection,
+nodded his head and said: "Yes, I think I do. As I flew from Egypt, I
+met several new ships, and they had fine masts that smelt like fir.
+These must have been the trees; and I assure you they were stately; they
+sailed right gloriously!"
+
+"Oh, how I wish I were tall enough to go on the sea," said the fir tree.
+"Tell me what is this sea, and what does it look like?"
+
+"It would take too much time to explain--a great deal too much," said
+the stork, flying quickly away.
+
+"Rejoice in thy youth," said the sunbeam; "rejoice in thy fresh growth
+and in the young life that is in thee."
+
+And the wind kissed the tree, and the dew watered it with tears, but the
+fir tree regarded them not.
+
+ * * * * *
+
+Christmas time drew near, and many young trees were cut down, some that
+were even smaller and younger than the fir tree, who enjoyed neither
+rest nor peace for longing to leave its forest home. These young trees,
+which were chosen for their beauty, kept their branches, and they, also,
+were laid on wagons and drawn by horses far away out of the forest.
+
+"Where are they going?" asked the fir tree. "They are not taller than I
+am; indeed, one is not so tall. And why do they keep all their branches?
+Where are they going?"
+
+"We know, we know," sang the sparrows; "we have looked in at the windows
+of the houses in the town, and we know what is done with them. Oh! you
+cannot think what honor and glory they receive. They are dressed up in
+the most splendid manner. We have seen them standing in the middle of a
+warm room, and adorned with all sorts of beautiful things--honey cakes,
+gilded apples, playthings, and many hundreds of wax tapers."
+
+"And then," asked the fir tree, trembling in all its branches, "and then
+what happens?"
+
+"We did not see any more," said the sparrows; "but this was enough for
+us."
+
+"I wonder whether anything so brilliant will ever happen to me," thought
+the fir tree. "It would be better even than crossing the sea. I long for
+it almost with pain. Oh, when will Christmas be here? I am now as tall
+and well grown as those which were taken away last year. O that I were
+now laid on the wagon, or standing in the warm room with all that
+brightness and splendor around me! Something better and more beautiful
+is to come after, or the trees would not be so decked out. Yes, what
+follows will be grander and more splendid. What can it be? I am weary
+with longing. I scarcely know what it is that I feel."
+
+"Rejoice in our love," said the air and the sunlight. "Enjoy thine own
+bright life in the fresh air."
+
+But the tree would not rejoice, though it grew taller every day, and
+winter and summer its dark-green foliage might be seen in the forest,
+while passers-by would say, "What a beautiful tree!"
+
+A short time before the next Christmas the discontented fir tree was the
+first to fall. As the ax cut sharply through the stem and divided the
+pith, the tree fell with a groan to the earth, conscious of pain and
+faintness and forgetting all its dreams of happiness in sorrow at
+leaving its home in the forest. It knew that it should never again see
+its dear old companions the trees, nor the little bushes and
+many-colored flowers that had grown by its side; perhaps not even the
+birds. Nor was the journey at all pleasant.
+
+The tree first recovered itself while being unpacked in the courtyard of
+a house, with several other trees; and it heard a man say: "We only want
+one, and this is the prettiest. This is beautiful!"
+
+Then came two servants in grand livery and carried the fir tree into a
+large and beautiful apartment. Pictures hung on the walls, and near the
+tall tile stove stood great china vases with lions on the lids. There
+were rocking-chairs, silken sofas, and large tables covered with
+pictures; and there were books, and playthings that had cost a hundred
+times a hundred dollars--at least so said the children.
+
+Then the fir tree was placed in a large tub full of sand--but green
+baize hung all round it so that no one could know it was a tub--and it
+stood on a very handsome carpet. Oh, how the fir tree trembled! What was
+going to happen to him now? Some young ladies came, and the servants
+helped them to adorn the tree.
+
+On one branch they hung little bags cut out of colored paper, and each
+bag was filled with sweetmeats. From other branches hung gilded apples
+and walnuts, as if they had grown there; and above and all around were
+hundreds of red, blue, and white tapers, which were fastened upon the
+branches. Dolls, exactly like real men and women, were placed under the
+green leaves,--the tree had never seen such things before,--and at the
+very top was fastened a glittering star made of gold tinsel. Oh, it was
+very beautiful. "This evening," they all exclaimed, "how bright it will
+be!"
+
+"O that the evening were come," thought the tree, "and the tapers
+lighted! Then I shall know what else is going to happen. Will the trees
+of the forest come to see me? Will the sparrows peep in at the windows,
+I wonder, as they fly? Shall I grow faster here than in the forest, and
+shall I keep on all these ornaments during summer and winter?" But
+guessing was of very little use. His back ached with trying, and this
+pain is as bad for a slender fir tree as headache is for us.
+
+At last the tapers were lighted, and then what a glistening blaze of
+splendor the tree presented! It trembled so with joy in all its branches
+that one of the candles fell among the green leaves and burned some of
+them. "Help! help!" exclaimed the young ladies; but no harm was done,
+for they quickly extinguished the fire.
+
+After this the tree tried not to tremble at all, though the fire
+frightened him, he was so anxious not to hurt any of the beautiful
+ornaments, even while their brilliancy dazzled him.
+
+And now the folding doors were thrown open, and a troop of children
+rushed in as if they intended to upset the tree, and were followed more
+slowly by their elders. For a moment the little ones stood silent with
+astonishment, and then they shouted for joy till the room rang; and they
+danced merrily round the tree while one present after another was taken
+from it.
+
+"What are they doing? What will happen next?" thought the tree. At last
+the candles burned down to the branches and were put out. Then the
+children received permission to plunder the tree.
+
+Oh, how they rushed upon it! There was such a riot that the branches
+cracked, and had it not been fastened with the glistening star to the
+ceiling, it must have been thrown down.
+
+Then the children danced about with their pretty toys, and no one
+noticed the tree except the children's maid, who came and peeped among
+the branches to see if an apple or a fig had been forgotten.
+
+ * * * * *
+
+"A story, a story," cried the children, pulling a little fat man towards
+the tree.
+
+"Now we shall be in the green shade," said the man as he seated himself
+under it, "and the tree will have the pleasure of hearing, also; but I
+shall only relate one story. What shall it be? Ivede-Avede or Humpty
+Dumpty, who fell downstairs, but soon got up again, and at last married
+a princess?"
+
+"Ivede-Avede," cried some; "Humpty Dumpty," cried others; and there was
+a famous uproar. But the fir tree remained quite still and thought to
+himself: "Shall I have anything to do with all this? Ought I to make a
+noise, too?" but he had already amused them as much as they wished and
+they paid no attention to him.
+
+Then the old man told them the story of Humpty Dumpty--how he fell
+downstairs, and was raised up again, and married a princess. And the
+children clapped their hands and cried, "Tell another, tell another,"
+for they wanted to hear the story of Ivede-Avede; but this time they had
+only "Humpty Dumpty." After this the fir tree became quite silent and
+thoughtful. Never had the birds in the forest told such tales as that of
+Humpty Dumpty, who fell downstairs, and yet married a princess.
+
+"Ah, yes! so it happens in the world," thought the fir tree. He believed
+it all, because it was related by such a pleasant man.
+
+"Ah, well!" he thought, "who knows? Perhaps I may fall down, too, and
+marry a princess;" and he looked forward joyfully to the next evening,
+expecting to be again decked out with lights and playthings, gold and
+fruit. "To-morrow I will not tremble," thought he; "I will enjoy all my
+splendor, and I shall hear the story of Humpty Dumpty again, and perhaps
+of Ivede-Avede." And the tree remained quiet and thoughtful all night.
+
+In the morning the servants and the housemaid came in. "Now," thought
+the fir tree, "all my splendor is going to begin again." But they
+dragged him out of the room and upstairs to the garret and threw him on
+the floor in a dark corner where no daylight shone, and there they left
+him. "What does this mean?" thought the tree. "What am I to do here? I
+can hear nothing in a place like this;" and he leaned against the wall
+and thought and thought.
+
+And he had time enough to think, for days and nights passed and no one
+came near him; and when at last somebody did come, it was only to push
+away some large boxes in a corner. So the tree was completely hidden
+from sight, as if it had never existed.
+
+[Illustration: Threw him on the floor ..... and there they left him.]
+
+"It is winter now," thought the tree; "the ground is hard and covered
+with snow, so that people cannot plant me. I shall be sheltered here, I
+dare say, until spring comes. How thoughtful and kind everybody is to
+me! Still, I wish this place were not so dark and so dreadfully
+lonely, with not even a little hare to look at. How pleasant it was
+out in the forest while the snow lay on the ground, when the hare would
+run by, yes, and jump over me, too, although I did not like it then. Oh!
+it is terribly lonely here."
+
+"Squeak, squeak," said a little mouse, creeping cautiously towards the
+tree; then came another, and they both sniffed at the fir tree and crept
+in and out between the branches.
+
+"Oh, it is very cold," said the little mouse. "If it were not we should
+be very comfortable here, shouldn't we, old fir tree?"
+
+"I am not old," said the fir tree. "There are many who are older than I
+am."
+
+"Where do you come from?" asked the mice, who were full of curiosity;
+"and what do you know? Have you seen the most beautiful places in the
+world, and can you tell us all about them? And have you been in the
+storeroom, where cheeses lie on the shelf and hams hang from the
+ceiling? One can run about on tallow candles there; one can go in thin
+and come out fat."
+
+"I know nothing of that," said the fir tree, "but I know the wood, where
+the sun shines and the birds sing." And then the tree told the little
+mice all about its youth. They had never heard such an account in their
+lives; and after they had listened to it attentively, they said: "What a
+number of things you have seen! You must have been very happy."
+
+"Happy!" exclaimed the fir tree; and then, as he reflected on what he
+had been telling them, he said, "Ah, yes! after all, those were happy
+days." But when he went on and related all about Christmas Eve, and how
+he had been dressed up with cakes and lights, the mice said, "How happy
+you must have been, you old fir tree."
+
+"I am not old at all," replied the tree; "I only came from the forest
+this winter. I am now checked in my growth."
+
+"What splendid stories you can tell," said the little mice. And the next
+night four other mice came with them to hear what the tree had to tell.
+The more he talked the more he remembered, and then he thought to
+himself: "Yes, those were happy days; but they may come again. Humpty
+Dumpty fell downstairs, and yet he married the princess. Perhaps I may
+marry a princess, too." And the fir tree thought of the pretty little
+birch tree that grew in the forest; a real princess, a beautiful
+princess, she was to him.
+
+"Who is Humpty Dumpty?" asked the little mice. And then the tree related
+the whole story; he could remember every single word. And the little
+mice were so delighted with it that they were ready to jump to the top
+of the tree. The next night a great many more mice made their
+appearance, and on Sunday two rats came with them; but the rats said it
+was not a pretty story at all, and the little mice were very sorry, for
+it made them also think less of it.
+
+"Do you know only that one story?" asked the rats.
+
+"Only that one," replied the fir tree. "I heard it on the happiest
+evening in my life; but I did not know I was so happy at the time."
+
+"We think it is a very miserable story," said the rats. "Don't you know
+any story about bacon or tallow in the storeroom?"
+
+"No," replied the tree.
+
+"Many thanks to you, then," replied the rats, and they went their ways.
+
+The little mice also kept away after this, and the tree sighed and said:
+"It was very pleasant when the merry little mice sat round me and
+listened while I talked. Now that is all past, too. However, I shall
+consider myself happy when some one comes to take me out of this place."
+
+But would this ever happen? Yes; one morning people came to clear up the
+garret; the boxes were packed away, and the tree was pulled out of the
+corner and thrown roughly on the floor; then the servants dragged it out
+upon the staircase, where the daylight shone.
+
+"Now life is beginning again," said the tree, rejoicing in the sunshine
+and fresh air. Then it was carried downstairs and taken into the
+courtyard so quickly that it forgot to think of itself and could only
+look about, there was so much to be seen.
+
+The court was close to a garden, where everything looked blooming. Fresh
+and fragrant roses hung over the little palings. The linden trees were
+in blossom, while swallows flew here and there, crying, "Twit, twit,
+twit, my mate is coming"; but it was not the fir tree they meant.
+
+"Now I shall live," cried the tree joyfully, spreading out its branches;
+but alas! they were all withered and yellow, and it lay in a corner
+among weeds and nettles. The star of gold paper still stuck in the top
+of the tree and glittered in the sunshine.
+
+Two of the merry children who had danced round the tree at Christmas and
+had been so happy were playing in the same courtyard. The youngest saw
+the gilded star and ran and pulled it off the tree. "Look what is
+sticking to the ugly old fir tree," said the child, treading on the
+branches till they crackled under his boots.
+
+And the tree saw all the fresh, bright flowers in the garden and then
+looked at itself and wished it had remained in the dark corner of the
+garret. It thought of its fresh youth in the forest, of the merry
+Christmas evening, and of the little mice who had listened to the story
+of Humpty Dumpty.
+
+"Past! past!" said the poor tree. "Oh, had I but enjoyed myself while I
+could have done so! but now it is too late."
+
+Then a lad came and chopped the tree into small pieces, till a large
+bundle lay in a heap on the ground. The pieces were placed in a fire,
+and they quickly blazed up brightly, while the tree sighed so deeply
+that each sigh was like a little pistol shot. Then the children who were
+at play came and seated themselves in front of the fire, and looked at
+it and cried, "Pop, pop." But at each "pop," which was a deep sigh, the
+tree was thinking of a summer day in the forest or of some winter night
+there when the stars shone brightly, and of Christmas evening, and of
+Humpty Dumpty,--the only story it had ever heard or knew how to
+relate,--till at last it was consumed.
+
+The boys still played in the garden, and the youngest wore on his breast
+the golden star with which the tree had been adorned during the happiest
+evening of its existence. Now all was past; the tree's life was past and
+the story also past--for all stories must come to an end at some time or
+other.
+
+
+
+
+[Illustration]
+
+
+
+
+LITTLE TUK
+
+
+LITTLE TUK! An odd name, to be sure! However, it was not the little
+boy's real name. His real name was Carl; but when he was so young that
+he could not speak plainly, he used to call himself Tuk. It would be
+hard to say why, for it is not at all like "Carl"; but the name does as
+well as any, if one only knows it.
+
+Little Tuk was left at home to take care of his sister Gustava, who was
+much younger than himself; and he had also to learn his lesson. Here
+were two things to be done at the same time, and they did not at all
+suit each other. The poor boy sat with his sister in his lap, singing to
+her all the songs he knew, yet giving, now and then, a glance into his
+geography, which lay open beside him. By to-morrow morning he must know
+the names of all the towns in Seeland by heart, and be able to tell
+about them all that could be told.
+
+His mother came at last, and took little Gustava in her arms. Tuk ran
+quickly to the window and read and read till he had almost read his eyes
+out--for it was growing dark, and his mother could not afford to buy
+candles.
+
+"There goes the old washerwoman down the lane," said the mother, as she
+looked out of the window. "She can hardly drag herself along, poor
+thing; and now she has to carry that heavy pail from the pump. Be a good
+boy, little Tuk, and run across to help the poor creature, will you
+not?" And little Tuk ran quickly and helped to bear the weight of the
+pail. But when he came back into the room, it was quite dark. Nothing
+was said about a candle, and it was of no use to wish for one; he must
+go to his little trundle-bed, which was made of an old settle.
+
+There he lay, still thinking of the geography lesson, of Seeland, and of
+all that the master had said. He could not read the book again, as he
+should by rights have done, for want of a light. So he put the
+geography-book under his pillow. Somebody had once told him that would
+help him wonderfully to remember his lesson, but he had never yet found
+that one could depend upon it.
+
+There he lay and thought and thought, till all at once he felt as though
+some one were gently sealing his mouth and eyes with a kiss. He slept
+and yet did not sleep, for he seemed to see the old washerwoman's mild,
+kind eyes fixed upon him, and to hear her say: "It would be a shame,
+indeed, for you not to know your lesson to-morrow, little Tuk. You
+helped me; now I will help you, and our Lord will help us both."
+
+All at once the leaves of the book began to rustle under little Tuk's
+head, and he heard something crawling about under his pillow.
+
+"Cluck, cluck, cluck!" cried a hen, as she crept towards him. (She came
+from the town of KjΓΆge.) "I'm a KjΓΆge hen," she said. And then she told
+him how many inhabitants the little town contained, and about the battle
+that had once been fought there, and how it was now hardly worth
+mentioning, there were so many greater things.
+
+[Illustration: All in a moment he was on horseback, and on he went,
+gallop, gallop!]
+
+Scratch, scratch! kribbley crabbley! and now a great wooden bird jumped
+down upon the bed. It was the popinjay from the shooting ground at
+Præstâ. He had reckoned the number of inhabitants in Præstâ, and found
+that there were as many as he had nails in his body. He was a proud
+bird. "Thorwaldsen lived in one corner of Præstâ, close by me. Am I not
+a pretty bird, a merry popinjay?"
+
+And now little Tuk no longer lay in bed. All in a moment he was on
+horseback, and on he went, gallop, gallop! A splendid knight, with a
+bright helmet and waving plume,--a knight of the olden time,--held him
+on his own horse; and on they rode together, through the wood of the
+ancient city of Vordingborg, and it was once again a great and busy
+town. The high towers of the king's castle rose against the sky, and
+bright lights were seen gleaming through the windows. Within were music
+and merrymaking. King Waldemar was leading out the noble ladies of his
+court to dance with him.
+
+Suddenly the morning dawned, the lamps grew pale, the sun rose, the
+outlines of the buildings faded away, and at last one high tower alone
+remained to mark the spot where the royal castle had stood. The vast
+city had shrunk into a poor, mean-looking little town. The schoolboys,
+coming out of school with their geography-books under their arms, said,
+"Two thousand inhabitants"; but that was a mere boast, for the town had
+not nearly so many.
+
+And little Tuk lay in his bed. He knew not whether he had been dreaming
+or not, but again there was some one close by his side.
+
+"Little Tuk! little Tuk!" cried a voice; it was the voice of a young
+sailor boy. "I am come to bring you greeting from KorsΓΆr. KorsΓΆr is a
+new town, a living town, with steamers and mail coaches. Once people
+used to call it a low, ugly place, but they do so no longer.
+
+"'I dwell by the seaside,' says KorsΓΆr; 'I have broad highroads and
+pleasure gardens; and I have given birth to a poet, a witty one, too,
+which is more than all poets are. I once thought of sending a ship all
+round the world; but I did not do it, though I might as well have done
+so. I dwell so pleasantly, close by the port; and I am fragrant with
+perfume, for the loveliest roses bloom round about me, close to my
+gates.'"
+
+And little Tuk could smell the roses and see them and their fresh green
+leaves. But in a moment they had vanished; the green leaves spread and
+thickened--a perfect grove had grown up above the bright waters of the
+bay, and above the grove rose the two high-pointed towers of a glorious
+old church. From the side of the grass-grown hill gushed a fountain in
+rainbow-hued streams, with a merry, musical voice, and close beside it
+sat a king, wearing a gold crown upon his long dark hair. This was King
+Hroar of the springs; and hard by was the town of Roskilde (Hroar's
+Fountain). And up the hill, on a broad highway, went all the kings and
+queens of Denmark, wearing golden crowns; hand in hand they passed on
+into the church, and the deep music of the organ mingled with the clear
+rippling of the fountain. For nearly all the kings and queens of Denmark
+lie buried in this beautiful church. And little Tuk saw and heard it
+all.
+
+"Don't forget the towns," said King Hroar.
+
+Then all vanished; though where it went he knew not. It seemed like
+turning the leaves of a book.
+
+And now there stood before him an old peasant woman from SorΓΆ, the quiet
+little town where grass grows in the very market place. Her green linen
+apron was thrown over her head and back, and the apron was very wet, as
+if it had been raining heavily.
+
+"And so it has," she said. And she told a great many pretty things from
+Holberg's comedies, and recited ballads about Waldemar and Absalon; for
+Holberg had founded an academy in her native town.
+
+All at once she cowered down and rocked her head as if she were a frog
+about to spring. "Koax!" cried she; "it is wet, it is always wet, and it
+is as still as the grave in SorΓΆ." She had changed into a frog. "Koax!"
+and again she was an old woman. "One must dress according to the
+weather," she said.
+
+"It is wet! it is wet! My native town is like a bottle; one goes in at
+the cork, and by the cork one must come out. In old times we had the
+finest of fish; now we have fresh, rosy-cheeked boys at the bottom of
+the bottle. There they learn wisdom--Greek, Greek, and Hebrew! Koax!"
+
+It sounded exactly as if frogs were croaking, or as if some one were
+walking over the great swamp with heavy boots. So tiresome was her tone,
+all on the same note, that little Tuk fell fast asleep; and a very good
+thing it was for him.
+
+But even in sleep there came a dream, or whatever else it may be called.
+His little sister Gustava, with her blue eyes and flaxen ringlets, was
+grown into a tall, beautiful girl, who, though she had no wings, could
+fly; and away they now flew over Seeland--over its green woods and blue
+waters.
+
+"Hark! Do you hear the cock crow, little Tuk? 'Cock-a-doodle-do!' The
+fowls are flying hither from KjΓΆge, and you shall have a farmyard, a
+great, great poultry yard of your own! You shall never suffer hunger or
+want. The golden goose, the bird of good omen, shall be yours; you shall
+become a rich and happy man. Your house shall rise up like King
+Waldemar's towers and be richly decked with statues like those of
+Thorwaldsen at Præstâ.
+
+"Understand me well; your good name shall be borne round the world, like
+the ship that was to sail from KorsΓΆr, and at Roskilde you shall speak
+and give counsel wisely and well, little Tuk, like King Hroar; and when
+at last you shall lie in your peaceful grave you shall sleep as
+quietly--"
+
+"As if I lay sleeping in SorΓΆ," said Tuk, and he woke. It was a bright
+morning, and he could not remember his dream, but it was not necessary
+that he should. One has no need to know what one will live to see.
+
+And now he sprang quickly out of bed and sought his book, that had lain
+under his pillow. He read his lesson and found that he knew the towns
+perfectly well.
+
+And the old washerwoman put her head in at the door and said, with a
+friendly nod: "Thank you, my good child, for yesterday's help. May the
+Lord fulfill your brightest and most beautiful dreams! I know he will."
+
+Little Tuk had forgotten what he had dreamed, but it did not matter.
+There was One above who knew it all.
+
+
+
+
+[Illustration]
+
+
+
+
+THE UGLY DUCKLING
+
+
+IT was so beautiful in the country. It was the summer time. The wheat
+fields were golden, the oats were green, and the hay stood in great
+stacks in the green meadows. The stork paraded about among them on his
+long red legs, chattering away in Egyptian, the language he had learned
+from his lady mother.
+
+All around the meadows and cornfields grew thick woods, and in the midst
+of the forest was a deep lake. Yes, it was beautiful, it was delightful
+in the country.
+
+In a sunny spot stood a pleasant old farmhouse circled all about with
+deep canals; and from the walls down to the water's edge grew great
+burdocks, so high that under the tallest of them a little child might
+stand upright. The spot was as wild as if it had been in the very
+center of the thick wood.
+
+In this snug retreat sat a duck upon her nest, watching for her young
+brood to hatch; but the pleasure she had felt at first was almost gone;
+she had begun to think it a wearisome task, for the little ones were so
+long coming out of their shells, and she seldom had visitors. The other
+ducks liked much better to swim about in the canals than to climb the
+slippery banks and sit under the burdock leaves to have a gossip with
+her. It was a long time to stay so much by herself.
+
+At length, however, one shell cracked, and soon another, and from each
+came a living creature that lifted its head and cried "Peep, peep."
+
+"Quack, quack!" said the mother; and then they all tried to say it, too,
+as well as they could, while they looked all about them on every side at
+the tall green leaves. Their mother allowed them to look about as much
+as they liked, because green is good for the eyes.
+
+"What a great world it is, to be sure," said the little ones, when they
+found how much more room they had than when they were in the eggshell.
+
+"Is this all the world, do you imagine?" said the mother. "Wait till you
+have seen the garden. Far beyond that it stretches down to the pastor's
+field, though I have never ventured to such a distance. Are you all
+out?" she continued, rising to look. "No, not all; the largest egg lies
+there yet, I declare. I wonder how long this business is to last. I'm
+really beginning to be tired of it;" but for all that she sat down
+again.
+
+"Well, and how are you to-day?" quacked an old duck who came to pay her
+a visit.
+
+"There's one egg that takes a deal of hatching. The shell is hard and
+will not break," said the fond mother, who sat still upon her nest. "But
+just look at the others. Have I not a pretty family? Are they not the
+prettiest little ducklings you ever saw? They are the image of their
+father--the good for naught! He never comes to see me."
+
+"Let me see the egg that will not break," said the old duck. "I've no
+doubt it's a Guinea fowl's egg. The same thing happened to me once, and
+a deal of trouble it gave me, for the young ones are afraid of the
+water. I quacked and clucked, but all to no purpose. Let me take a look
+at it. Yes, I am right; it's a Guinea fowl, upon my word; so take my
+advice and leave it where it is. Come to the water and teach the other
+children to swim."
+
+"I think I will sit a little while longer," said the mother. "I have sat
+so long, a day or two more won't matter."
+
+"Very well, please yourself," said the old duck, rising; and she went
+away.
+
+ * * * * *
+
+At last the great egg broke, and the latest bird cried "Peep, peep," as
+he crept forth from the shell. How big and ugly he was! The mother duck
+stared at him and did not know what to think. "Really," she said, "this
+is an enormous duckling, and it is not at all like any of the others. I
+wonder if he will turn out to be a Guinea fowl. Well, we shall see when
+we get to the water--for into the water he must go, even if I have to
+push him in myself."
+
+On the next day the weather was delightful. The sun shone brightly on
+the green burdock leaves, and the mother duck took her whole family
+down to the water and jumped in with a splash. "Quack, quack!" cried
+she, and one after another the little ducklings jumped in. The water
+closed over their heads, but they came up again in an instant and swam
+about quite prettily, with their legs paddling under them as easily as
+possible; their legs went of their own accord; and the ugly gray-coat
+was also in the water, swimming with them.
+
+"Oh," said the mother, "that is not a Guinea fowl. See how well he uses
+his legs, and how erect he holds himself! He is my own child, and he is
+not so very ugly after all, if you look at him properly. Quack, quack!
+come with me now. I will take you into grand society and introduce you
+to the farmyard, but you must keep close to me or you may be trodden
+upon; and, above all, beware of the cat."
+
+When they reached the farmyard, there was a wretched riot going on; two
+families were fighting for an eel's head, which, after all, was carried
+off by the cat. "See, children, that is the way of the world," said the
+mother duck, whetting her beak, for she would have liked the eel's head
+herself. "Come, now, use your legs, and let me see how well you can
+behave. You must bow your heads prettily to that old duck yonder; she is
+the highest born of them all and has Spanish blood; therefore she is
+well off. Don't you see she has a red rag tied to her leg, which is
+something very grand and a great honor for a duck; it shows that every
+one is anxious not to lose her, and that she is to be noticed by both
+man and beast. Come, now, don't turn in your toes; a well-bred duckling
+spreads his feet wide apart, just like his father and mother, in this
+way; now bend your necks and say 'Quack!'"
+
+The ducklings did as they were bade, but the other ducks stared, and
+said, "Look, here comes another brood--as if there were not enough of us
+already! And bless me, what a queer-looking object one of them is; we
+don't want him here"; and then one flew out and bit him in the neck.
+
+"Let him alone," said the mother; "he is not doing any harm."
+
+"Yes, but he is so big and ugly. He's a perfect fright," said the
+spiteful duck, "and therefore he must be turned out. A little biting
+will do him good."
+
+"The others are very pretty children," said the old duck with the rag on
+her leg, "all but that one. I wish his mother could smooth him up a bit;
+he is really ill-favored."
+
+"That is impossible, your grace," replied the mother. "He is not pretty,
+but he has a very good disposition and swims as well as the others or
+even better. I think he will grow up pretty, and perhaps be smaller. He
+has remained too long in the egg, and therefore his figure is not
+properly formed;" and then she stroked his neck and smoothed the
+feathers, saying: "It is a drake, and therefore not of so much
+consequence. I think he will grow up strong and able to take care of
+himself."
+
+"The other ducklings are graceful enough," said the old duck. "Now make
+yourself at home, and if you find an eel's head you can bring it to me."
+
+And so they made themselves comfortable; but the poor duckling who had
+crept out of his shell last of all and looked so ugly was bitten and
+pushed and made fun of, not only by the ducks but by all the poultry.
+
+[Illustration: Bless me, what a queer-looking object one of them is...]
+
+"He is too big," they all said; and the turkey cock, who had been born
+into the world with spurs and fancied himself really an emperor, puffed
+himself out like a vessel in full sail and flew at the duckling. He
+became quite red in the head with passion, so that the poor little thing
+did not know where to go, and was quite miserable because he was so ugly
+as to be laughed at by the whole farmyard.
+
+So it went on from day to day; it got worse and worse. The poor duckling
+was driven about by every one; even his brothers and sisters were unkind
+to him and would say, "Ah, you ugly creature, I wish the cat would get
+you" and his mother had been heard to say she wished he had never been
+born. The ducks pecked him, the chickens beat him, and the girl who fed
+the poultry pushed him with her feet. So at last he ran away,
+frightening the little birds in the hedge as he flew over the palings.
+"They are afraid because I am so ugly," he said. So he flew still
+farther, until he came out on a large moor inhabited by wild ducks. Here
+he remained the whole night, feeling very sorrowful.
+
+In the morning, when the wild ducks rose in the air, they stared at
+their new comrade. "What sort of a duck are you?" they all said, coming
+round him.
+
+He bowed to them and was as polite as he could be, but he did not reply
+to their question. "You are exceedingly ugly," said the wild ducks; "but
+that will not matter if you do not want to marry one of our family."
+
+Poor thing! he had no thoughts of marriage; all he wanted was permission
+to lie among the rushes and drink some of the water on the moor. After
+he had been on the moor two days, there came two wild geese, or rather
+goslings, for they had not been out of the egg long, which accounts for
+their impertinence. "Listen, friend," said one of them to the duckling;
+"you are so ugly that we like you very well. Will you go with us and
+become a bird of passage? Not far from here is another moor, in which
+there are some wild geese, all of them unmarried. It is a chance for you
+to get a wife. You may make your fortune, ugly as you are."
+
+"Bang, bang," sounded in the air, and the two wild geese fell dead
+among the rushes, and the water was tinged with blood. "Bang, bang,"
+echoed far and wide in the distance, and whole flocks of wild geese rose
+up from the rushes.
+
+The sound continued from every direction, for the sportsmen surrounded
+the moor, and some were even seated on branches of trees, overlooking
+the rushes. The blue smoke from the guns rose like clouds over the dark
+trees, and as it floated away across the water, a number of sporting
+dogs bounded in among the rushes, which bent beneath them wherever they
+went. How they terrified the poor duckling! He turned away his head to
+hide it under his wing, and at the same moment a large, terrible dog
+passed quite near him. His jaws were open, his tongue hung from his
+mouth, and his eyes glared fearfully. He thrust his nose close to the
+duckling, showing his sharp teeth, and then "splash, splash," he went
+into the water, without touching him.
+
+"Oh," sighed the duckling, "how thankful I am for being so ugly; even a
+dog will not bite me."
+
+And so he lay quite still, while the shot rattled through the rushes,
+and gun after gun was fired over him. It was late in the day before all
+became quiet, but even then the poor young thing did not dare to move.
+He waited quietly for several hours and then, after looking carefully
+around him, hastened away from the moor as fast as he could. He ran over
+field and meadow till a storm arose, and he could hardly struggle
+against it.
+
+Towards evening he reached a poor little cottage that seemed ready to
+fall, and only seemed to remain standing because it could not decide on
+which side to fall first. The storm continued so violent that the
+duckling could go no farther. He sat down by the cottage, and then he
+noticed that the door was not quite closed, in consequence of one of the
+hinges having given way. There was, therefore, a narrow opening near the
+bottom large enough for him to slip through, which he did very quietly,
+and got a shelter for the night. Here, in this cottage, lived a woman, a
+cat, and a hen. The cat, whom his mistress called "My little son," was a
+great favorite; he could raise his back, and purr, and could even throw
+out sparks from his fur if it were stroked the wrong way. The hen had
+very short legs, so she was called "Chickie Short-legs." She laid good
+eggs, and her mistress loved her as if she had been her own child. In
+the morning the strange visitor was discovered; the cat began to purr
+and the hen to cluck.
+
+"What is that noise about?" said the old woman, looking around the room.
+But her sight was not very good; therefore when she saw the duckling she
+thought it must be a fat duck that had strayed from home. "Oh, what a
+prize!" she exclaimed. "I hope it is not a drake, for then I shall have
+some ducks' eggs. I must wait and see."
+
+So the duckling was allowed to remain on trial for three weeks; but
+there were no eggs.
+
+Now the cat was the master of the house, and the hen was the mistress;
+and they always said, "We and the world," for they believed themselves
+to be half the world, and by far the better half, too. The duckling
+thought that others might hold a different opinion on the subject, but
+the hen would not listen to such doubts.
+
+"Can you lay eggs?" she asked. "No." "Then have the goodness to cease
+talking." "Can you raise your back, or purr, or throw out sparks?" said
+the cat. "No." "Then you have no right to express an opinion when
+sensible people are speaking." So the duckling sat in a corner, feeling
+very low-spirited; but when the sunshine and the fresh air came into the
+room through the open door, he began to feel such a great longing for a
+swim that he could not help speaking of it.
+
+"What an absurd idea!" said the hen. "You have nothing else to do;
+therefore you have foolish fancies. If you could purr or lay eggs, they
+would pass away."
+
+"But it is so delightful to swim about on the water," said the duckling,
+"and so refreshing to feel it close over your head while you dive down
+to the bottom."
+
+"Delightful, indeed! it must be a queer sort of pleasure," said the hen.
+"Why, you must be crazy! Ask the cat--he is the cleverest animal I know;
+ask him how he would like to swim about on the water, or to dive under
+it, for I will not speak of my own opinion. Ask our mistress, the old
+woman; there is no one in the world more clever than she is. Do you
+think she would relish swimming and letting the water close over her
+head?"
+
+"I see you don't understand me," said the duckling.
+
+"We don't understand you? Who can understand you, I wonder? Do you
+consider yourself more clever than the cat or the old woman?--I will say
+nothing of myself. Don't imagine such nonsense, child, and thank your
+good fortune that you have been so well received here. Are you not in a
+warm room and in society from which you may learn something? But you are
+a chatterer, and your company is not very agreeable. Believe me, I speak
+only for your good. I may tell you unpleasant truths, but that is a
+proof of my friendship. I advise you, therefore, to lay eggs and learn
+to purr as quickly as possible."
+
+"I believe I must go out into the world again," said the duckling.
+
+"Yes, do," said the hen. So the duckling left the cottage and soon found
+water on which it could swim and dive, but he was avoided by all other
+animals because of his ugly appearance.
+
+Autumn came, and the leaves in the forest turned to orange and gold;
+then, as winter approached, the wind caught them as they fell and
+whirled them into the cold air. The clouds, heavy with hail and
+snowflakes, hung low in the sky, and the raven stood among the reeds,
+crying, "Croak, croak." It made one shiver with cold to look at him. All
+this was very sad for the poor little duckling.
+
+One evening, just as the sun was setting amid radiant clouds, there came
+a large flock of beautiful birds out of the bushes. The duckling had
+never seen any like them before. They were swans; and they curved their
+graceful necks, while their soft plumage shone with dazzling whiteness.
+They uttered a singular cry as they spread their glorious wings and flew
+away from those cold regions to warmer countries across the sea. They
+mounted higher and higher in the air, and the ugly little duckling had a
+strange sensation as he watched them. He whirled himself in the water
+like a wheel, stretched out his neck towards them, and uttered a cry so
+strange that it frightened even himself. Could he ever forget those
+beautiful, happy birds! And when at last they were out of his sight, he
+dived under the water and rose again almost beside himself with
+excitement. He knew not the names of these birds nor where they had
+flown, but he felt towards them as he had never felt towards any other
+bird in the world.
+
+He was not envious of these beautiful creatures; it never occurred to
+him to wish to be as lovely as they. Poor ugly creature, how gladly he
+would have lived even with the ducks, had they only treated him kindly
+and given him encouragement.
+
+The winter grew colder and colder; he was obliged to swim about on the
+water to keep it from freezing, but every night the space on which he
+swam became smaller and smaller. At length it froze so hard that the ice
+in the water crackled as he moved, and the duckling had to paddle with
+his legs as well as he could, to keep the space from closing up. He
+became exhausted at last and lay still and helpless, frozen fast in the
+ice.
+
+Early in the morning a peasant who was passing by saw what had happened.
+He broke the ice in pieces with his wooden shoe and carried the duckling
+home to his wife. The warmth revived the poor little creature; but when
+the children wanted to play with him, the duckling thought they would do
+him some harm, so he started up in terror, fluttered into the milk pan,
+and splashed the milk about the room. Then the woman clapped her hands,
+which frightened him still more. He flew first into the butter cask,
+then into the meal tub and out again. What a condition he was in! The
+woman screamed and struck at him with the tongs; the children laughed
+and screamed and tumbled over each other in their efforts to catch him,
+but luckily he escaped. The door stood open; the poor creature could
+just manage to slip out among the bushes and lie down quite exhausted in
+the newly fallen snow.
+
+It would be very sad were I to relate all the misery and privations
+which the poor little duckling endured during the hard winter; but when
+it had passed he found himself lying one morning in a moor, amongst the
+rushes. He felt the warm sun shining and heard the lark singing and saw
+that all around was beautiful spring.
+
+Then the young bird felt that his wings were strong, as he flapped them
+against his sides and rose high into the air. They bore him onwards
+until, before he well knew how it had happened, he found himself in a
+large garden. The apple trees were in full blossom, and the fragrant
+elders bent their long green branches down to the stream, which wound
+round a smooth lawn. Everything looked beautiful in the freshness of
+early spring. From a thicket close by came three beautiful white swans,
+rustling their feathers and swimming lightly over the smooth water. The
+duckling saw these lovely birds and felt more strangely unhappy than
+ever.
+
+"I will fly to these royal birds," he exclaimed, "and they will kill me
+because, ugly as I am, I dare to approach them. But it does not matter;
+better be killed by them than pecked by the ducks, beaten by the hens,
+pushed about by the maiden who feeds the poultry, or starved with hunger
+in the winter."
+
+Then he flew to the water and swam towards the beautiful swans. The
+moment they espied the stranger they rushed to meet him with
+outstretched wings.
+
+"Kill me," said the poor bird and he bent his head down to the surface
+of the water and awaited death.
+
+But what did he see in the clear stream below? His own image--no longer
+a dark-gray bird, ugly and disagreeable to look at, but a graceful and
+beautiful swan.
+
+To be born in a duck's nest in a farmyard is of no consequence to a bird
+if it is hatched from a swan's egg. He now felt glad at having suffered
+sorrow and trouble, because it enabled him to enjoy so much better all
+the pleasure and happiness around him; for the great swans swam round
+the newcomer and stroked his neck with their beaks, as a welcome.
+
+Into the garden presently came some little children and threw bread and
+cake into the water.
+
+[Illustration: The new one is the most beautiful of all...]
+
+"See," cried the youngest, "there is a new one;" and the rest were
+delighted, and ran to their father and mother, dancing and clapping
+their hands and shouting joyously, "There is another swan come; a new
+one has arrived."
+
+Then they threw more bread and cake into the water and said, "The new
+one is the most beautiful of all, he is so young and pretty." And the
+old swans bowed their heads before him.
+
+Then he felt quite ashamed and hid his head under his wing, for he did
+not know what to do, he was so happy--yet he was not at all proud. He
+had been persecuted and despised for his ugliness, and now he heard them
+say he was the most beautiful of all the birds. Even the elder tree bent
+down its boughs into the water before him, and the sun shone warm and
+bright. Then he rustled his feathers, curved his slender neck, and cried
+joyfully, from the depths of his heart, "I never dreamed of such
+happiness as this while I was the despised ugly duckling."
+
+
+
+
+[Illustration]
+
+
+
+
+LITTLE IDA'S FLOWERS
+
+
+"MY POOR flowers are quite faded!" said little Ida. "Only yesterday
+evening they were so pretty, and now all the leaves are drooping. Why do
+they do that?" she asked of the student, who sat on the sofa. He was a
+great favorite with her, because he used to tell her the prettiest of
+stories and cut out the most amusing things in paper--hearts with little
+ladies dancing in them, and high castles with doors which one could open
+and shut. He was a merry student. "Why do the flowers look so wretched
+to-day?" asked she again, showing him a bouquet of faded flowers.
+
+"Do you not know?" replied the student. "The flowers went to a ball last
+night, and are tired. That's why they hang their heads."
+
+"What an idea," exclaimed little Ida. "Flowers cannot dance!"
+
+"Of course they can dance! When it is dark, and we are all gone to bed,
+they jump about as merrily as possible. They have a ball almost every
+night."
+
+"And can their children go to the ball?" asked Ida.
+
+"Oh, yes," said the student; "daisies and lilies of the valley, that are
+quite little."
+
+"And when is it that the prettiest flowers dance?"
+
+"Have you not been to the large garden outside the town gate, in front
+of the castle where the king lives in summer--the garden that is so full
+of lovely flowers? You surely remember the swans which come swimming up
+when you give them crumbs of bread? Believe me, they have capital balls
+there."
+
+"I was out there only yesterday with my mother," said Ida, "but there
+were no leaves on the trees, and I did not see a single flower. What has
+become of them? There were so many in the summer."
+
+"They are inside the palace now," replied the student. "As soon as the
+king and all his court go back to the town, the flowers hasten out of
+the garden and into the palace, where they have famous times. Oh, if you
+could but see them! The two most beautiful roses seat themselves on the
+throne and act king and queen. All the tall red cockscombs stand before
+them on either side and bow; they are the chamberlains. Then all the
+pretty flowers come, and there is a great ball. The blue violets
+represent the naval cadets; they dance with hyacinths and crocuses, who
+take the part of young ladies. The tulips and the tall tiger lilies are
+old ladies,--dowagers,--who see to it that the dancing is well done and
+that all things go on properly."
+
+"But," asked little Ida, "is there no one there to harm the flowers for
+daring to dance in the king's castle?"
+
+"No one knows anything about it," replied the student. "Once during the
+night, perhaps, the old steward of the castle does, to be sure, come in
+with his great bunch of keys to see that all is right; but the moment
+the flowers hear the clanking of the keys they stand stock-still or
+hide themselves behind the long silk window curtains. Then the old
+steward will say, 'Do I not smell flowers here?' but he can't see them."
+
+"That is very funny," exclaimed little Ida, clapping her hands with
+glee; "but should not I be able to see the flowers?"
+
+"To be sure you can see them," replied the student. "You have only to
+remember to peep in at the windows the next time you go to the palace. I
+did so this very day, and saw a long yellow lily lying on the sofa. She
+was a court lady."
+
+"Do the flowers in the Botanical Garden go to the ball? Can they go all
+that long distance?"
+
+"Certainly," said the student; "for the flowers can fly if they please.
+Have you not seen the beautiful red and yellow butterflies that look so
+much like flowers? They are in fact nothing else. They have flown off
+their stalks high into the air and flapped their little petals just as
+if they were wings, and thus they came to fly about. As a reward for
+always behaving well they have leave to fly about in the daytime, too,
+instead of sitting quietly on their stalks at home, till at last the
+flower petals have become real wings. That you have seen yourself.
+
+"It may be, though, that the flowers in the Botanical Garden have never
+been in the king's castle. They may not have heard what frolics take
+place there every night. But I'll tell you; if, the next time you go to
+the garden, you whisper to one of the flowers that a great ball is to be
+given yonder in the castle, the news will spread from flower to flower
+and they will all fly away. Then should the professor come to his garden
+there won't be a flower there, and he will not be able to imagine what
+has become of them."
+
+"But how can one flower tell it to another? for I am sure the flowers
+cannot speak."
+
+"No; you are right there," returned the student. "They cannot speak, but
+they can make signs. Have you ever noticed that when the wind blows a
+little the flowers nod to each other and move all their green leaves?
+They can make each other understand in this way just as well as we do by
+talking."
+
+"And does the professor understand their pantomime?" asked Ida.
+
+"Oh, certainly; at least part of it. He came into his garden one morning
+and saw that a great stinging nettle was making signs with its leaves to
+a beautiful red carnation. It was saying, 'You are so beautiful, and I
+love you with all my heart!' But the professor doesn't like that sort of
+thing, and he rapped the nettle on her leaves, which are her fingers;
+but she stung him, and since then he has never dared to touch a nettle."
+
+"Ha! ha!" laughed little Ida, "that is very funny."
+
+"How can one put such stuff into a child's head?" said a tiresome
+councilor, who had come to pay a visit. He did not like the student and
+always used to scold when he saw him cutting out the droll pasteboard
+figures, such as a man hanging on a gibbet and holding a heart in his
+hand to show that he was a stealer of hearts, or an old witch riding on
+a broomstick and carrying her husband on the end of her nose. The
+councilor could not bear such jokes, and he would always say, as now:
+"How can any one put such notions into a child's head? They are only
+foolish fancies."
+
+But to little Ida all that the student had told her was very
+entertaining, and she kept thinking it over. She was sure now that her
+pretty yesterday's flowers hung their heads because they were tired, and
+that they were tired because they had been to the ball. So she took them
+to the table where stood her toys. Her doll lay sleeping, but Ida said
+to her, "You must get up, and be content to sleep to-night in the table
+drawer, for the poor flowers are ill and must have your bed to sleep in;
+then perhaps they will be well again by to-morrow."
+
+And she at once took the doll out, though the doll looked vexed at
+giving up her cradle to the flowers.
+
+Ida laid the flowers in the doll's bed and drew the coverlet quite over
+them, telling them to lie still while she made some tea for them to
+drink, in order that they might be well next day. And she drew the
+curtains about the bed, that the sun might not shine into their eyes.
+
+All the evening she thought of nothing but what the student had told
+her; and when she went to bed herself, she ran to the window where her
+mother's tulips and hyacinths stood. She whispered to them, "I know very
+well that you are going to a ball to-night." The flowers pretended not
+to understand and did not stir so much as a leaf, but that did not
+prevent Ida from knowing what she knew.
+
+When she was in bed she lay for a long time thinking how delightful it
+must be to see the flower dance in the king's castle, and said to
+herself, "I wonder if my flowers have really been there." Then she fell
+asleep.
+
+ * * * * *
+
+In the night she woke. She had been dreaming of the student and the
+flowers and the councilor, who told her they were making game of her.
+All was still in the room, the night lamp was burning on the table, and
+her father and mother were both asleep.
+
+"I wonder if my flowers are still lying in Sophie's bed," she thought to
+herself. "How I should like to know!" She raised herself a little and
+looked towards the door, which stood half open; within lay the flowers
+and all her playthings. She listened, and it seemed to her that she
+heard some one playing upon the piano, but quite softly, and more
+sweetly than she had ever heard before.
+
+"Now all the flowers are certainly dancing," thought she. "Oh, how I
+should like to see them!" but she dared not get up for fear of waking
+her father and mother. "If they would only come in here!" But the
+flowers did not come, and the music went on so prettily that she could
+restrain herself no longer, and she crept out of her little bed, stole
+softly to the door, and peeped into the room. Oh, what a pretty sight it
+was!
+
+[Illustration: On the floor all the flowers danced gracefully....]
+
+There was no night lamp in the room, still it was quite bright; the moon
+shone through the window down upon the floor, and it was almost like
+daylight. The hyacinths and tulips stood there in two rows. Not one was
+left on the window, where stood the empty flower pots. On the floor all
+the flowers danced gracefully, making all the turns, and holding each
+other by their long green leaves as they twirled around. At the piano
+sat a large yellow lily, which little Ida remembered to have seen in the
+summer, for she recollected that the student had said, "How like she
+is to Miss Laura," and how every one had laughed at the remark. But now
+she really thought that the lily was very like the young lady. It had
+exactly her manner of playing--bending its long yellow face, now to one
+side and now to the other, and nodding its head to mark the time of the
+beautiful music.
+
+A tall blue crocus now stepped forward, sprang upon the table on which
+lay Ida's playthings, went straight to the doll's cradle, and drew back
+the curtains. There lay the sick flowers; but they rose at once, greeted
+the other flowers, and made a sign that they would like to join in the
+dance. They did not look at all ill now.
+
+Suddenly a heavy noise was heard, as of something falling from the
+table. Ida glanced that way and saw that it was the rod she had found on
+her bed on Shrove Tuesday, and that it seemed to wish to belong to the
+flowers. It was a pretty rod, for a wax figure that looked exactly like
+the councilor sat upon the head of it.
+
+The rod began to dance, and the wax figure that was riding on it became
+long and great, like the councilor himself, and began to exclaim, "How
+can one put such stuff into a child's head?" It was very funny to see,
+and little Ida could not help laughing, for the rod kept on dancing, and
+the councilor had to dance too,--there was no help for it,--whether he
+remained tall and big or became a little wax figure again. But the other
+flowers said a good word for him, especially those that had lain in the
+doll's bed, so that at last the rod left it in peace.
+
+At the same time there was a loud knocking inside the drawer where
+Sophie, Ida's doll, lay with many other toys. She put out her head and
+asked in great astonishment: "Is there a ball here? Why has no one told
+me of it?" She sat down upon the table, expecting some of the flowers to
+ask her to dance with them; but as they did not, she let herself fall
+upon the floor so as to make a great noise; and then the flowers all
+came crowding about to ask if she were hurt, and they were very
+polite--especially those that had lain in her bed.
+
+She was not at all hurt, and the flowers thanked her for the use of her
+pretty bed and took her into the middle of the room, where the moon
+shone, and danced with her, while the other flowers formed a circle
+around them. So now Sophie was pleased and said they might keep her bed,
+for she did not mind sleeping in the drawer the least in the world.
+
+But the flowers replied: "We thank you most heartily for your kindness,
+but we shall not live long enough to need it; we shall be quite dead by
+to-morrow. But tell little Ida she is to bury us out in the garden near
+the canary bird's grave; and then we shall wake again next summer and be
+even more beautiful than we have been this year."
+
+"Oh, no, you must not die," said Sophie, kissing them as she spoke; and
+then a great company of flowers came dancing in. Ida could not imagine
+where they could have come from, unless from the king's garden. Two
+beautiful roses led the way, wearing golden crowns; then followed
+wallflowers and pinks, who bowed to all present. They brought a band of
+music with them. Wild hyacinths and little white snowdrops jingled merry
+bells. It was a most remarkable orchestra. Following these were an
+immense number of flowers, all dancing--violets, daisies, lilies of the
+valley, and others which it was a delight to see.
+
+At last all the happy flowers wished one another good night. Little Ida,
+too, crept back to bed, to dream of all that she had seen.
+
+When she rose next morning she went at once to her little table to see
+if her flowers were there. She drew aside the curtains of her little
+bed; yes, there lay the flowers, but they were much more faded to-day
+than yesterday. Sophie too was in the drawer, but she looked very
+sleepy.
+
+"Do you remember what you were to say to me?" asked Ida of her.
+
+But Sophie looked quite stupid and had not a word to say.
+
+"You are not kind at all," said Ida; "and yet all the flowers let you
+dance with them."
+
+Then she chose from her playthings a little pasteboard box with birds
+painted on it, and in it she laid the dead flowers.
+
+"That shall be your pretty casket," said she; "and when my cousins come
+to visit me, by and by, they shall help me to bury you in the garden,
+in order that next summer you may grow again and be still more
+beautiful."
+
+The two cousins were two merry boys, Gustave and Adolphe. Their father
+had given them each a new crossbow, which they brought with them to show
+to Ida. She told them of the poor flowers that were dead and were to be
+buried in the garden. So the two boys walked in front, with their bows
+slung across their shoulders, and little Ida followed, carrying the dead
+flowers in their pretty coffin. A little grave was dug for them in the
+garden. Ida first kissed the flowers and then laid them in the earth,
+and Adolphe and Gustave shot with their crossbows over the grave, for
+they had neither guns nor cannons.
+
+
+
+
+[Illustration]
+
+
+
+
+THE STEADFAST TIN SOLDIER
+
+
+THERE were once five and twenty tin soldiers. They were brothers, for
+they had all been made out of the same old tin spoon. They all
+shouldered their bayonets, held themselves upright, and looked straight
+before them. Their uniforms were very smart-looking--red and blue--and
+very splendid. The first thing they heard in the world, when the lid was
+taken off the box in which they lay, was the words "Tin soldiers!" These
+words were spoken by a little boy, who clapped his hands for joy. The
+soldiers had been given him because it was his birthday, and now he was
+putting them out upon the table.
+
+Each was exactly like the rest to a hair, except one who had but one
+leg. He had been cast last of all, and there had not been quite enough
+tin to finish him; but he stood as firmly upon his one leg as the
+others upon their two, and it was he whose fortunes became so
+remarkable.
+
+On the table where the tin soldiers had been set up were several other
+toys, but the one that attracted most attention was a pretty little
+paper castle. Through its tiny windows one could see straight into the
+hall. In front of the castle stood little trees, clustering round a
+small mirror which was meant to represent a transparent lake. Swans of
+wax swam upon its surface, and it reflected back their images.
+
+All this was very pretty, but prettiest of all was a little lady who
+stood at the castle's open door. She too was cut out of paper, but she
+wore a frock of the clearest gauze and a narrow blue ribbon over her
+shoulders, like a scarf, and in the middle of the ribbon was placed a
+shining tinsel rose. The little lady stretched out both her arms, for
+she was a dancer, and then she lifted one leg so high that the Soldier
+quite lost sight of it. He thought that, like himself, she had but one
+leg.
+
+"That would be just the wife for me," thought he, "if she were not too
+grand. But she lives in a castle, while I have only a box, and there are
+five and twenty of us in that. It would be no place for a lady. Still, I
+must try to make her acquaintance." A snuffbox happened to be upon the
+table and he lay down at full length behind it, and here he could easily
+watch the dainty little lady, who still remained standing on one leg
+without losing her balance.
+
+When the evening came all the other tin soldiers were put away in their
+box, and the people in the house went to bed. Now the playthings began
+to play in their turn. They visited, fought battles, and gave balls. The
+tin soldiers rattled in the box, for they wished to join the rest, but
+they could not lift the lid. The nutcrackers turned somersaults, and the
+pencil jumped about in a most amusing way. There was such a din that the
+canary woke and began to speak--and in verse, too. The only ones who did
+not move from their places were the Tin Soldier and the Lady Dancer. She
+stood on tiptoe with outstretched arms, and he was just as persevering
+on his one leg; he never once turned away his eyes from her.
+
+Twelve o'clock struck--crash! up sprang the lid of the snuffbox. There
+was no snuff in it, but a little black goblin. You see it was not a real
+snuffbox, but a jack-in-the-box.
+
+"Tin Soldier," said the Goblin, "keep thine eyes to thyself. Gaze not at
+what does not concern thee!"
+
+But the Tin Soldier pretended not to hear.
+
+"Only wait, then, till to-morrow," remarked the Goblin.
+
+Next morning, when the children got up, the Tin Soldier was placed on
+the window sill, and, whether it was the Goblin or the wind that did it,
+all at once the window flew open and the Tin Soldier fell head foremost
+from the third story to the street below. It was a tremendous fall! Over
+and over he turned in the air, till at last he rested, his cap and
+bayonet sticking fast between the paving stones, while his one leg stood
+upright in the air.
+
+[Illustration: Away he sailed ... down the gutter...]
+
+The maidservant and the little boy came down at once to look for him,
+but, though they nearly trod upon him, they could not manage to find
+him. If the Soldier had but once called "Here am I!" they might easily
+enough have heard him, but he did not think it becoming to cry out for
+help, being in uniform.
+
+It now began to rain; faster and faster fell the drops, until there was
+a heavy shower; and when it was over, two street boys came by.
+
+"Look you," said one, "there lies a tin soldier. He must come out and
+sail in a boat."
+
+So they made a boat out of an old newspaper and put the Tin Soldier in
+the middle of it, and away he sailed down the gutter, while the boys ran
+along by his side, clapping their hands.
+
+Goodness! how the waves rocked that paper boat, and how fast the stream
+ran! The Tin Soldier became quite giddy, the boat veered round so
+quickly; still he moved not a muscle, but looked straight before him and
+held his bayonet tightly.
+
+All at once the boat passed into a drain, and it became as dark as his
+own old home in the box. "Where am I going now?" thought he. "Yes, to be
+sure, it is all that Goblin's doing. Ah! if the little lady were but
+sailing with me in the boat, I would not care if it were twice as
+dark."
+
+Just then a great water rat, that lived under the drain, darted suddenly
+out.
+
+"Have you a passport?" asked the rat. "Where is your passport?"
+
+But the Tin Soldier kept silence and only held his bayonet with a firmer
+grasp.
+
+The boat sailed on, but the rat followed. Whew! how he gnashed his teeth
+and cried to the sticks and straws: "Stop him! stop him! He hasn't paid
+toll! He hasn't shown his passport!"
+
+But the stream grew stronger and stronger. Already the Tin Soldier could
+see daylight at the point where the tunnel ended; but at the same time
+he heard a rushing, roaring noise, at which a bolder man might have
+trembled. Think! just where the tunnel ended, the drain widened into a
+great sheet that fell into the mouth of a sewer. It was as perilous a
+situation for the Soldier as sailing down a mighty waterfall would be
+for us.
+
+He was now so near it that he could not stop. The boat dashed on, and
+the Tin Soldier held himself so well that no one might say of him that
+he so much as winked an eye. Three or four times the boat whirled round
+and round; it was full of water to the brim and must certainly sink.
+
+The Tin Soldier stood up to his neck in water; deeper and deeper sank
+the boat, softer and softer grew the paper; and now the water closed
+over the Soldier's head. He thought of the pretty little dancer whom he
+should never see again, and in his ears rang the words of the song:
+
+ Wild adventure, mortal danger,
+ Be thy portion, valiant stranger.
+
+The paper boat parted in the middle, and the Soldier was about to sink,
+when he was swallowed by a great fish.
+
+Oh, how dark it was! darker even than in the drain, and so narrow; but
+the Tin Soldier retained his courage; there he lay at full length,
+shouldering his bayonet as before.
+
+To and fro swam the fish, turning and twisting and making the strangest
+movements, till at last he became perfectly still.
+
+Something like a flash of daylight passed through him, and a voice said,
+"Tin Soldier!" The fish had been caught, taken to market, sold and
+bought, and taken to the kitchen, where the cook had cut him with a
+large knife. She seized the Tin Soldier between her finger and thumb and
+took him to the room where the family sat, and where all were eager to
+see the celebrated man who had traveled in the maw of a fish; but the
+Tin Soldier remained unmoved. He was not at all proud.
+
+They set him upon the table there. But how could so curious a thing
+happen? The Soldier was in the very same room in which he had been
+before. He saw the same children, the same toys stood upon the table,
+and among them the pretty dancing maiden, who still stood upon one leg.
+She too was steadfast. That touched the Tin Soldier's heart. He could
+have wept tin tears, but that would not have been proper. He looked at
+her and she looked at him, but neither spoke a word.
+
+And now one of the little boys took the Tin Soldier and threw him into
+the stove. He gave no reason for doing so, but no doubt the Goblin in
+the snuffbox had something to do with it.
+
+The Tin Soldier stood now in a blaze of red light. The heat he felt was
+terrible, but whether it proceeded from the fire or from the love in his
+heart, he did not know. He saw that the colors were quite gone from his
+uniform, but whether that had happened on the journey or had been caused
+by grief, no one could say. He looked at the little lady, she looked at
+him, and he felt himself melting; still he stood firm as ever, with his
+bayonet on his shoulder. Then suddenly the door flew open; the wind
+caught the Dancer, and she flew straight into the stove to the Tin
+Soldier, flashed up in a flame, and was gone! The Tin Soldier melted
+into a lump; and in the ashes the maid found him next day, in the shape
+of a little tin heart, while of the Dancer nothing remained save the
+tinsel rose, and that was burned as black as a coal.
+
+
+
+
+[Illustration]
+
+
+
+
+LITTLE THUMBELINA
+
+
+THERE was once a woman who wished very much to have a little child. She
+went to a fairy and said: "I should so very much like to have a little
+child. Can you tell me where I can find one?"
+
+"Oh, that can be easily managed," said the fairy. "Here is a barleycorn;
+it is not exactly of the same sort as those which grow in the farmers'
+fields, and which the chickens eat. Put it into a flowerpot and see what
+will happen."
+
+"Thank you," said the woman; and she gave the fairy twelve shillings,
+which was the price of the barleycorn. Then she went home and planted
+it, and there grew up a large, handsome flower, somewhat like a tulip in
+appearance, but with its leaves tightly closed, as if it were still a
+bud.
+
+"It is a beautiful flower," said the woman, and she kissed the red and
+golden-colored petals; and as she did so the flower opened, and she
+could see that it was a real tulip. But within the flower, upon the
+green velvet stamens, sat a very delicate and graceful little maiden.
+She was scarcely half as long as a thumb, and they gave her the name of
+Little Thumb, or Thumbelina, because she was so small.
+
+A walnut shell, elegantly polished, served her for a cradle; her bed was
+formed of blue violet leaves, with a rose leaf for a counterpane. Here
+she slept at night, but during the day she amused herself on a table,
+where the peasant wife had placed a plate full of water.
+
+Round this plate were wreaths of flowers with their stems in the water,
+and upon it floated a large tulip leaf, which served the little one for
+a boat. Here she sat and rowed herself from side to side, with two oars
+made of white horsehair. It was a very pretty sight. Thumbelina could
+also sing so softly and sweetly that nothing like her singing had ever
+before been heard.
+
+One night, while she lay in her pretty bed, a large, ugly, wet toad
+crept through a broken pane of glass in the window and leaped right upon
+the table where she lay sleeping under her rose-leaf quilt.
+
+"What a pretty little wife this would make for my son," said the toad,
+and she took up the walnut shell in which Thumbelina lay asleep, and
+jumped through the window with it, into the garden.
+
+In the swampy margin of a broad stream in the garden lived the toad with
+her son. He was uglier even than his mother; and when he saw the pretty
+little maiden in her elegant bed, he could only cry "Croak, croak,
+croak."
+
+"Don't speak so loud, or she will wake," said the toad, "and then she
+might run away, for she is as light as swan's-down. We will place her on
+one of the water-lily leaves out in the stream; it will be like an
+island to her, she is so light and small, and then she cannot escape;
+and while she is there we will make haste and prepare the stateroom
+under the marsh, in which you are to live when you are married."
+
+Far out in the stream grew a number of water lilies with broad green
+leaves which seemed to float on the top of the water. The largest of
+these leaves appeared farther off than the rest, and the old toad swam
+out to it with the walnut shell, in which Thumbelina still lay asleep.
+
+The tiny creature woke very early in the morning and began to cry
+bitterly when she found where she was, for she could see nothing but
+water on every side of the large green leaf, and no way of reaching the
+land.
+
+Meanwhile the old toad was very busy under the marsh, decking her room
+with rushes and yellow wildflowers, to make it look pretty for her new
+daughter-in-law. Then she swam out with her ugly son to the leaf on
+which she had placed poor Thumbelina. She wanted to bring the pretty
+bed, that she might put it in the bridal chamber to be ready for her.
+The old toad bowed low to her in the water and said, "Here is my son; he
+will be your husband, and you will live happily together in the marsh by
+the stream."
+
+"Croak, croak, croak," was all her son could say for himself. So the
+toad took up the elegant little bed and swam away with it, leaving
+Thumbelina all alone on the green leaf, where she sat and wept. She
+could not bear to think of living with the old toad and having her ugly
+son for a husband. The little fishes who swam about in the water beneath
+had seen the toad and heard what she said, so now they lifted their
+heads above the water to look at the little maiden.
+
+As soon as they caught sight of her they saw she was very pretty, and it
+vexed them to think that she must go and live with the ugly toads.
+
+"No, it must never be!" So they gathered together in the water, round
+the green stalk which held the leaf on which the little maiden stood,
+and gnawed it away at the root with their teeth. Then the leaf floated
+down the stream, carrying Thumbelina far away out of reach of land.
+
+Thumbelina sailed past many towns, and the little birds in the bushes
+saw her and sang, "What a lovely little creature." So the leaf swam away
+with her farther and farther, till it brought her to other lands. A
+graceful little white butterfly constantly fluttered round her and at
+last alighted on the leaf. The little maiden pleased him, and she was
+glad of it, for now the toad could not possibly reach her, and the
+country through which she sailed was beautiful, and the sun shone upon
+the water till it glittered like liquid gold. She took off her girdle
+and tied one end of it round the butterfly, fastening the other end of
+the ribbon to the leaf, which now glided on much faster than before,
+taking Thumbelina with it as she stood.
+
+Presently a large cockchafer flew by. The moment he caught sight of her
+he seized her round her delicate waist with his claws and flew with her
+into a tree. The green leaf floated away on the brook, and the butterfly
+flew with it, for he was fastened to it and could not get away.
+
+Oh, how frightened Thumbelina felt when the cockchafer flew with her to
+the tree! But especially was she sorry for the beautiful white butterfly
+which she had fastened to the leaf, for if he could not free himself he
+would die of hunger. But the cockchafer did not trouble himself at all
+about the matter. He seated himself by her side, on a large green leaf,
+gave her some honey from the flowers to eat, and told her she was very
+pretty, though not in the least like a cockchafer.
+
+[Illustration: Glided on much faster than before....]
+
+After a time all the cockchafers who lived in the tree came to pay
+Thumbelina a visit. They stared at her, and then the young lady
+cockchafers turned up their feelers and said, "She has only two legs!
+how ugly that looks." "She has no feelers," said another. "Her waist is
+quite slim. Pooh! she is like a human being."
+
+"Oh, she is ugly," said all the lady cockchafers. The cockchafer who had
+run away with her believed all the others when they said she was ugly.
+He would have nothing more to say to her, and told her she might go
+where she liked. Then he flew down with her from the tree and placed her
+on a daisy, and she wept at the thought that she was so ugly that even
+the cockchafers would have nothing to say to her. And all the while she
+was really the loveliest creature that one could imagine, and as tender
+and delicate as a beautiful rose leaf.
+
+During the whole summer poor little Thumbelina lived quite alone in the
+wide forest. She wove herself a bed with blades of grass and hung it up
+under a broad leaf, to protect herself from the rain. She sucked the
+honey from the flowers for food and drank the dew from their leaves
+every morning.
+
+So passed away the summer and the autumn, and then came the winter--the
+long, cold winter. All the birds who had sung to her so sweetly had
+flown away, and the trees and the flowers had withered. The large
+shamrock under the shelter of which she had lived was now rolled
+together and shriveled up; nothing remained but a yellow, withered
+stalk. She felt dreadfully cold, for her clothes were torn, and she was
+herself so frail and delicate that she was nearly frozen to death. It
+began to snow, too; and the snowflakes, as they fell upon her, were like
+a whole shovelful falling upon one of us, for we are tall, but she was
+only an inch high. She wrapped herself in a dry leaf, but it cracked in
+the middle and could not keep her warm, and she shivered with cold.
+
+Near the wood in which she had been living was a large cornfield, but
+the corn had been cut a long time; nothing remained but the bare, dry
+stubble, standing up out of the frozen ground. It was to her like
+struggling through a large wood.
+
+Oh! how she shivered with the cold. She came at last to the door of a
+field mouse, who had a little den under the corn stubble. There dwelt
+the field mouse in warmth and comfort, with a whole roomful of corn, a
+kitchen, and a beautiful dining room. Poor Thumbelina stood before the
+door, just like a little beggar girl, and asked for a small piece of
+barleycorn, for she had been without a morsel to eat for two days.
+
+"You poor little creature," said the field mouse, for she was really a
+good old mouse, "come into my warm room and dine with me."
+
+She was pleased with Thumbelina, so she said, "You are quite welcome to
+stay with me all the winter, if you like; but you must keep my rooms
+clean and neat, and tell me stories, for I shall like to hear them very
+much." And Thumbelina did all that the field mouse asked her, and found
+herself very comfortable.
+
+"We shall have a visitor soon," said the field mouse one day; "my
+neighbor pays me a visit once a week. He is better off than I am; he has
+large rooms, and wears a beautiful black velvet coat. If you could only
+have him for a husband, you would be well provided for indeed. But he
+is blind, so you must tell him some of your prettiest stories."
+
+Thumbelina did not feel at all interested about this neighbor, for he
+was a mole. However, he came and paid his visit, dressed in his black
+velvet coat.
+
+"He is very rich and learned, and his house is twenty times larger than
+mine," said the field mouse.
+
+He was rich and learned, no doubt, but he always spoke slightingly of
+the sun and the pretty flowers, because he had never seen them.
+Thumbelina was obliged to sing to him, "Ladybird, ladybird, fly away
+home," and many other pretty songs. And the mole fell in love with her
+because she had so sweet a voice; but he said nothing yet, for he was
+very prudent and cautious. A short time before, the mole had dug a long
+passage under the earth, which led from the dwelling of the field mouse
+to his own, and here she had permission to walk with Thumbelina whenever
+she liked. But he warned them not to be alarmed at the sight of a dead
+bird which lay in the passage. It was a perfect bird, with a beak and
+feathers, and could not have been dead long. It was lying just where the
+mole had made his passage. The mole took in his mouth a piece of
+phosphorescent wood, which glittered like fire in the dark. Then he went
+before them to light them through the long, dark passage. When they came
+to the spot where the dead bird lay, the mole pushed his broad nose
+through the ceiling, so that the earth gave way and the daylight shone
+into the passage.
+
+In the middle of the floor lay a swallow, his beautiful wings pulled
+close to his sides, his feet and head drawn up under his feathers--the
+poor bird had evidently died of the cold. It made little Thumbelina very
+sad to see it, she did so love the little birds; all the summer they had
+sung and twittered for her so beautifully. But the mole pushed it aside
+with his crooked legs and said: "He will sing no more now. How miserable
+it must be to be born a little bird! I am thankful that none of my
+children will ever be birds, for they can do nothing but cry 'Tweet,
+tweet,' and must always die of hunger in the winter."
+
+"Yes, you may well say that, as a clever man!" exclaimed the field
+mouse. "What is the use of his twittering if, when winter comes, he must
+either starve or be frozen to death? Still, birds are very high bred."
+
+Thumbelina said nothing, but when the two others had turned their backs
+upon the bird, she stooped down and stroked aside the soft feathers
+which covered his head, and kissed the closed eyelids. "Perhaps this was
+the one who sang to me so sweetly in the summer," she said; "and how
+much pleasure it gave me, you dear, pretty bird."
+
+The mole now stopped up the hole through which the daylight shone, and
+then accompanied the ladies home. But during the night Thumbelina could
+not sleep; so she got out of bed and wove a large, beautiful carpet of
+hay. She carried it to the dead bird and spread it over him, with some
+down from the flowers which she had found in the field mouse's room. It
+was as soft as wool, and she spread some of it on each side of the bird,
+so that he might lie warmly in the cold earth.
+
+"Farewell, pretty little bird," said she, "farewell. Thank you for your
+delightful singing during the summer, when all the trees were green and
+the warm sun shone upon us." Then she laid her head on the bird's
+breast, but she was alarmed, for it seemed as if something inside the
+bird went "thump, thump." It was the bird's heart; he was not really
+dead, only benumbed with the cold, and the warmth had restored him to
+life. In autumn all the swallows fly away into warm countries; but if
+one happens to linger, the cold seizes it, and it becomes chilled and
+falls down as if dead. It remains where it fell, and the cold snow
+covers it.
+
+Thumbelina trembled very much; she was quite frightened, for the bird
+was large, a great deal larger than herself (she was only an inch high).
+But she took courage, laid the wool more thickly over the poor swallow,
+and then took a leaf which she had used for her own counterpane and laid
+it over his head.
+
+The next night she again stole out to see him. He was alive, but very
+weak; he could only open his eyes for a moment to look at Thumbelina,
+who stood by, holding a piece of decayed wood in her hand, for she had
+no other lantern. "Thank you, pretty little maiden," said the sick
+swallow; "I have been so nicely warmed that I shall soon regain my
+strength and be able to fly about again in the warm sunshine."
+
+"Oh," said she, "it is cold out of doors now; it snows and freezes. Stay
+in your warm bed; I will take care of you."
+
+She brought the swallow some water in a flower leaf, and after he had
+drunk, he told her that he had wounded one of his wings in a thornbush
+and could not fly as fast as the others, who were soon far away on their
+journey to warm countries. At last he had fallen to the earth, and could
+remember nothing more, nor how he came to be where she had found him.
+
+All winter the swallow remained underground, and Thumbelina nursed him
+with care and love. She did not tell either the mole or the field mouse
+anything about it, for they did not like swallows. Very soon the
+springtime came, and the sun warmed the earth. Then the swallow bade
+farewell to Thumbelina, and she opened the hole in the ceiling which
+the mole had made. The sun shone in upon them so beautifully that the
+swallow asked her if she would go with him. She could sit on his back,
+he said, and he would fly away with her into the green woods. But she
+knew it would grieve the field mouse if she left her in that manner, so
+she said, "No, I cannot."
+
+"Farewell, then, farewell, you good, pretty little maiden," said the
+swallow, and he flew out into the sunshine.
+
+ * * * * *
+
+Thumbelina looked after him, and the tears rose in her eyes. She was
+very fond of the poor swallow.
+
+"Tweet, tweet," sang the bird, as he flew out into the green woods, and
+Thumbelina felt very sad. She was not allowed to go out into the warm
+sunshine. The corn which had been sowed in the field over the house of
+the field mouse had grown up high into the air and formed a thick wood
+to Thumbelina, who was only an inch in height.
+
+[Illustration: Nothing must be wanting when you are the wife of the mole
+...]
+
+"You are going to be married, little one," said the field mouse. "My
+neighbor has asked for you. What good fortune for a poor child like
+you! Now we will prepare your wedding clothes. They must be woolen and
+linen. Nothing must be wanting when you are the wife of the mole."
+
+Thumbelina had to turn the spindle, and the field mouse hired four
+spiders, who were to weave day and night. Every evening the mole visited
+her and was continually speaking of the time when the summer would be
+over. Then he would keep his wedding day with Thumbelina; but now the
+heat of the sun was so great that it burned the earth and made it hard,
+like stone. As soon as the summer was over the wedding should take
+place. But Thumbelina was not at all pleased, for she did not like the
+tiresome mole.
+
+Every morning when the sun rose and every evening when it went down she
+would creep out at the door, and as the wind blew aside the ears of corn
+so that she could see the blue sky, she thought how beautiful and bright
+it seemed out there and wished so much to see her dear friend, the
+swallow, again. But he never returned, for by this time he had flown far
+away into the lovely green forest.
+
+When autumn arrived Thumbelina had her outfit quite ready, and the field
+mouse said to her, "In four weeks the wedding must take place."
+
+Then she wept and said she would not marry the disagreeable mole.
+
+"Nonsense," replied the field mouse. "Now don't be obstinate, or I shall
+bite you with my white teeth. He is a very handsome mole; the queen
+herself does not wear more beautiful velvets and furs. His kitchens and
+cellars are quite full. You ought to be very thankful for such good
+fortune."
+
+So the wedding day was fixed, on which the mole was to take her away to
+live with him, deep under the earth, and never again to see the warm
+sun, because _he_ did not like it. The poor child was very unhappy at
+the thought of saying farewell to the beautiful sun, and as the field
+mouse had given her permission to stand at the door, she went to look at
+it once more.
+
+"Farewell, bright sun," she cried, stretching out her arm towards it;
+and then she walked a short distance from the house, for the corn had
+been cut, and only the dry stubble remained in the fields. "Farewell,
+farewell," she repeated, twining her arm around a little red flower that
+grew just by her side. "Greet the little swallow from me, if you should
+see him again."
+
+"Tweet, tweet," sounded over her head suddenly. She looked up, and there
+was the swallow himself flying close by. As soon as he spied Thumbelina
+he was delighted. She told him how unwilling she was to marry the ugly
+mole, and to live always beneath the earth, nevermore to see the bright
+sun. And as she told him, she wept.
+
+"Cold winter is coming," said the swallow, "and I am going to fly away
+into warmer countries. Will you go with me? You can sit on my back and
+fasten yourself on with your sash. Then we can fly away from the ugly
+mole and his gloomy rooms--far away, over the mountains, into warmer
+countries, where the sun shines more brightly than here; where it is
+always summer, and the flowers bloom in greater beauty. Fly now with me,
+dear little one; you saved my life when I lay frozen in that dark,
+dreary passage."
+
+"Yes, I will go with you," said Thumbelina; and she seated herself on
+the bird's back, with her feet on his outstretched wings, and tied her
+girdle to one of his strongest feathers.
+
+The swallow rose in the air and flew over forest and over sea--high
+above the highest mountains, covered with eternal snow. Thumbelina would
+have been frozen in the cold air, but she crept under the bird's warm
+feathers, keeping her little head uncovered, so that she might admire
+the beautiful lands over which they passed. At length they reached the
+warm countries, where the sun shines brightly and the sky seems so much
+higher above the earth. Here on the hedges and by the wayside grew
+purple, green, and white grapes, lemons and oranges hung from trees in
+the fields, and the air was fragrant with myrtles and orange blossoms.
+Beautiful children ran along the country lanes, playing with large gay
+butterflies; and as the swallow flew farther and farther, every place
+appeared still more lovely.
+
+At last they came to a blue lake, and by the side of it, shaded by trees
+of the deepest green, stood a palace of dazzling white marble, built in
+the olden times. Vines clustered round its lofty pillars, and at the
+top were many swallows' nests, and one of these was the home of the
+swallow who carried Thumbelina.
+
+"This is my house," said the swallow; "but it would not do for you to
+live there--you would not be comfortable. You must choose for yourself
+one of those lovely flowers, and I will put you down upon it, and then
+you shall have everything that you can wish to make you happy."
+
+"That will be delightful," she said, and clapped her little hands for
+joy.
+
+A large marble pillar lay on the ground, which, in falling, had been
+broken into three pieces. Between these pieces grew the most beautiful
+large white flowers, so the swallow flew down with Thumbelina and placed
+her on one of the broad leaves. But how surprised she was to see in the
+middle of the flower a tiny little man, as white and transparent as if
+he had been made of crystal! He had a gold crown on his head, and
+delicate wings at his shoulders, and was not much larger than was she
+herself. He was the angel of the flower, for a tiny man and a tiny woman
+dwell in every flower, and this was the king of them all.
+
+"Oh, how beautiful he is!" whispered Thumbelina to the swallow.
+
+The little prince was at first quite frightened at the bird, who was
+like a giant compared to such a delicate little creature as himself; but
+when he saw Thumbelina he was delighted and thought her the prettiest
+little maiden he had ever seen. He took the gold crown from his head and
+placed it on hers, and asked her name and if she would be his wife and
+queen over all the flowers.
+
+This certainly was a very different sort of husband from the son of the
+toad, or the mole with his black velvet and fur, so she said Yes to the
+handsome prince. Then all the flowers opened, and out of each came a
+little lady or a tiny lord, all so pretty it was quite a pleasure to
+look at them. Each of them brought Thumbelina a present; but the best
+gift was a pair of beautiful wings, which had belonged to a large white
+fly, and they fastened them to Thumbelina's shoulders, so that she might
+fly from flower to flower.
+
+Then there was much rejoicing, and the little swallow, who sat above
+them in his nest, was asked to sing a wedding song, which he did as
+well as he could; but in his heart he felt sad, for he was very fond of
+Thumbelina and would have liked never to part from her again.
+
+"You must not be called Thumbelina any more," said the spirit of the
+flowers to her. "It is an ugly name, and you are so very lovely. We will
+call you Maia."
+
+"Farewell, farewell," said the swallow, with a heavy heart, as he left
+the warm countries, to fly back into Denmark. There he had a nest over
+the window of a house in which dwelt the writer of fairy tales. The
+swallow sang "Tweet, tweet," and from his song came the whole story.
+
+
+
+
+[Illustration]
+
+
+
+
+SUNSHINE STORIES
+
+
+"I AM going to tell a story," said the Wind.
+
+"I beg your pardon," said the Rain, "but now it is my turn. Have you not
+been howling round the corner this long time, as hard as ever you
+could?"
+
+"Is this the gratitude you owe me?" said the Wind; "I, who in honor of
+you turn inside out--yes, even break--all the umbrellas, when the people
+won't have anything to do with you."
+
+"I will speak myself," said the Sunshine. "Silence!" and the Sunshine
+said it with such glory and majesty that the weary Wind fell prostrate,
+and the Rain, beating against him, shook him, as she said:
+
+"We won't stand it! She is always breaking through--is Madame Sunshine.
+Let us not listen to her; what she has to say is not worth hearing."
+And still the Sunshine began to talk, and this is what she said:
+
+"A beautiful swan flew over the rolling, tossing waves of the ocean.
+Every one of its feathers shone like gold; and one feather drifted down
+to the great merchant vessel that, with sails all set, was sailing away.
+
+"The feather fell upon the light curly hair of a young man, whose
+business it was to care for the goods in the ship--the supercargo he was
+called. The feather of the bird of fortune touched his forehead, became
+a pen in his hand, and brought him such luck that he soon became a
+wealthy merchant, rich enough to have bought for himself spurs of
+gold--rich enough to change a golden plate into a nobleman's shield, on
+which," said the Sunshine, "I shone."
+
+ * * * * *
+
+"The swan flew farther, away and away, over the sunny green meadow,
+where the little shepherd boy, only seven years old, had lain down in
+the shade of the old tree, the only one there was in sight.
+
+"In its flight the swan kissed one of the leaves of the tree, and
+falling into the boy's hand, it was changed to three leaves--to ten--to
+a whole book; yes, and in the book he read about all the wonders of
+nature, about his native language, about faith and knowledge. At night
+he laid the book under his pillow, that he might not forget what he had
+been reading.
+
+"The wonderful book led him also to the schoolroom, and thence
+everywhere, in search of knowledge. I have read his name among the names
+of learned men," said the Sunshine.
+
+ * * * * *
+
+"The swan flew into the quiet, lonely forest, and rested awhile on the
+deep, dark lake where the lilies grow, where the wild apples are to be
+found on the shore, where the cuckoo and the wild pigeon have their
+homes.
+
+"In the wood was a poor woman gathering firewood--branches and dry
+sticks that had fallen. She bore them on her back in a bundle, and in
+her arms she held her little child. She too saw the golden swan, the
+bird of fortune, as it rose from among the reeds on the shore. What was
+it that glittered so? A golden egg that was still quite warm. She laid
+it in her bosom, and the warmth remained. Surely there was life in the
+egg! She heard the gentle pecking inside the shell, but she thought it
+was her own heart that was beating.
+
+"At home in her poor cottage she took out the egg. 'Tick! tick!' it
+said, as if it had been a gold watch, but it was not; it was an egg--a
+real, living egg.
+
+"The egg cracked and opened, and a dear little baby swan, all feathered
+as with the purest gold, pushed out its tiny head. Around its neck were
+four rings, and as this woman had four boys--three at home, and this
+little one that was with her in the lonely wood--she understood at once
+that there was one for each boy. Just as she had taken them the little
+gold bird took flight.
+
+"She kissed each ring, then made each of the children kiss one of the
+rings, laid it next the child's heart awhile, then put it on his finger.
+I saw it all," said the Sunshine, "and I saw what happened afterward.
+
+[Illustration: The egg cracked and opened....]
+
+"One of the boys, while playing by a ditch, took a lump of clay in his
+hand, then turned and twisted it till it took shape and was like
+Jason, who went in search of the Golden Fleece and found it.
+
+"The second boy ran out upon the meadow, where stood the
+flowers--flowers of all imaginable colors. He gathered a handful and
+squeezed them so tightly that the juice flew into his eyes, and some of
+it wet the ring upon his hand. It cribbled and crawled in his brain and
+in his hands, and after many a day and many a year, people in the great
+city talked of the famous painter that he was.
+
+"The third child held the ring in his teeth, and so tightly that it gave
+forth sound--the echo of a song in the depth of his heart. Then thoughts
+and feelings rose in beautiful sounds,--rose like singing
+swans,--plunged, too, like swans, into the deep, deep sea. He became a
+great musical composer, a master, of whom every country has the right to
+say, 'He was mine, for he was the world's.'
+
+"And the fourth little one--yes, he was the 'ugly duck' of the family.
+They said he had the pip and must eat pepper and butter like a sick
+chicken, and that was what was given him; but of me he got a warm, sunny
+kiss," said the Sunshine. "He had ten kisses for one. He was a poet and
+was first kissed, then buffeted all his life through.
+
+"But he held what no one could take from him--the ring of fortune from
+Dame Fortune's golden swan. His thoughts took wing and flew up and away
+like singing butterflies--emblems of an immortal life."
+
+"That was a dreadfully long story," said the Wind.
+
+"And so stupid and tiresome," said the Rain. "Blow upon me, please, that
+I may revive a little."
+
+And while the Wind blew, the Sunshine said: "The swan of fortune flew
+over the lovely bay where the fishermen had set their nets. The very
+poorest one among them was wishing to marry--and marry he did.
+
+"To him the swan brought a piece of amber. Amber draws things toward
+itself, and this piece drew hearts to the house where the fisherman
+lived with his bride. Amber is the most wonderful of incense, and there
+came a soft perfume, as from a holy place, a sweet breath from
+beautiful nature, that God has made. And the fisherman and his wife were
+happy and grateful in their peaceful home, content even in their
+poverty. And so their life became a real Sunshine Story."
+
+"I think we had better stop now," said the Wind. "I am dreadfully bored.
+The Sunshine has talked long enough."
+
+"I think so, too," said the Rain.
+
+And what do we others who have heard the story say?
+
+We say, "Now the story's done."
+
+
+
+
+[Illustration]
+
+
+
+
+THE DARNING-NEEDLE
+
+
+THERE was once a Darning-needle who thought herself so fine that she
+came at last to believe that she was fit for embroidery.
+
+"Mind now that you hold me fast," she said to the Fingers that took her
+up. "Pray don't lose me. If I should fall on the ground I should
+certainly be lost, I am so fine."
+
+"That's more than you can tell," said the Fingers, as they grasped her
+tightly by the waist.
+
+"I come with a train, you see," said the Darning-needle, as she drew her
+long thread after her; but there was no knot in the thread.
+
+The Fingers pressed the point of the Needle upon an old pair of
+slippers, in which the upper leather had burst and must be sewed
+together. The slippers belonged to the cook.
+
+"This is very coarse work!" said the Darning-needle. "I shall never get
+through alive. There, I'm breaking! I'm breaking!" and break she did.
+"Did I not say so?" said the Darning-needle. "I'm too delicate for such
+work as that."
+
+"Now it's quite useless for sewing," said the Fingers; but they still
+held her all the same, for the cook presently dropped some melted
+sealing wax upon the needle and then pinned her neckerchief in front
+with it.
+
+"See, now I'm a breastpin," said the Darning-needle. "I well knew that I
+should come to honor; when one is something, one always comes to
+something. Merit is sure to rise." And at this she laughed, only
+inwardly, of course, for one can never see when a Darning-needle laughs.
+There she sat now, quite at her ease, and as proud as if she sat in a
+state carriage and gazed upon all about her.
+
+"May I take the liberty to ask if you are made of gold?" she asked of
+the pin, her neighbor. "You have a splendid appearance and quite a
+remarkable head, though it is so little. You should do what you can to
+grow--of course it is not every one that can have sealing wax dropped
+upon her."
+
+And the Darning-needle drew herself up so proudly that she fell out of
+the neckerchief into the sink, which the cook was at that moment
+rinsing.
+
+"Now I'm going to travel," said the Darning-needle, "if only I don't get
+lost."
+
+But that was just what happened to her.
+
+"I'm too delicate for this world," she said, as she found herself in the
+gutter. "But I know who I am, and there is always some little pleasure
+in that!" It was thus that the Darning-needle kept up her proud bearing
+and lost none of her good humor. And now all sorts of things swam over
+her--chips and straws and scraps of old newspapers.
+
+"Only see how they sail along," said the Darning-needle to herself.
+"They little know what is under them, though it is I, and I sit firmly
+here. See! there goes a chip! It thinks of nothing in the world but
+itself--of nothing in the world but a chip! There floats a straw; see
+how it turns and twirls about. Do think of something besides yourself or
+you may easily run against a stone. There swims a bit of a newspaper.
+What's written upon it is forgotten long ago, yet how it spreads itself
+out and gives itself airs! I sit patiently and quietly here! I know what
+I am, and I shall remain the same--always."
+
+One day there lay something beside her that glittered splendidly. She
+thought it must be a diamond, but it was really only a bit of broken
+glass from a bottle. As it shone so brightly the Darning-needle spoke to
+it, introducing herself as a breastpin.
+
+"You are a diamond, I suppose," she said.
+
+"Why, yes, something of the sort."
+
+So each believed the other to be some rare and costly trinket; and they
+began to converse together upon the world, saying how very conceited it
+was.
+
+"Yes," said the Darning-needle, "I have lived in a young lady's box; and
+the young lady happened to be a cook. She had five fingers upon each of
+her hands, and anything more conceited and arrogant than those five
+fingers, I never saw. And yet they were only there that they might take
+me out of the box or put me back again."
+
+"Were they of high descent?" asked the Bit of Bottle. "Did they shine?"
+
+"No, indeed," replied the Darning-needle; "but they were none the less
+haughty. There were five brothers of them--all of the Finger family. And
+they held themselves so proudly side by side, though they were of quite
+different heights. The outermost, Thumbling he was called, was short and
+thick set; he generally stood out of the rank, a little in front of the
+others; he had only one joint in his back, and could only bow once; but
+he used to say that if he were cut off from a man, that man would be cut
+off from military service. Foreman, the second, put himself forward on
+all occasions, meddled with sweet and sour, pointed to sun and moon, and
+when the fingers wrote, it was he who pressed the pen. Middleman, the
+third of the brothers, could look over the others' heads, and gave
+himself airs for that. Ringman, the fourth, went about with a gold belt
+about his waist; and little Playman, whom they called Peter Spielman,
+did nothing at all and was proud of that, I suppose. There was nothing
+to be heard but boasting, and that is why I took myself away."
+
+"And now we sit here together and shine," said the Bit of Bottle.
+
+At that very moment some water came rushing along the gutter, so that it
+overflowed and carried the glass diamond along with it.
+
+"So he is off," said the Darning-needle, "and I still remain. I am left
+here because I am too slender and genteel. But that's my pride, and
+pride is honorable." And proudly she sat, thinking many thoughts.
+
+"I could almost believe I had been born of a sunbeam, I'm so fine. It
+seems as if the sunbeams were always trying to seek me under the water.
+Alas, I'm so delicate that even my own mother cannot find me. If I had
+my old eye still, which broke off, I think I should cry--but no, I would
+not; it's not genteel to weep."
+
+One day a couple of street boys were paddling about in the gutter,
+hunting for old nails, pennies, and such like. It was dirty work, but
+they seemed to find great pleasure in it.
+
+"Hullo!" cried one of them, as he pricked himself with the
+Darning-needle; "here's a fellow for you!"
+
+"I'm not a fellow! I'm a young lady!" said the Darning-needle, but no
+one heard it.
+
+The sealing wax had worn off, and she had become quite black; "but black
+makes one look slender, and is always becoming." She thought herself
+finer even than before.
+
+"There goes an eggshell sailing along," said the boys; and they stuck
+the Darning-needle into the shell.
+
+"A lady in black, and within white walls!" said the Darning-needle;
+"that is very striking. Now every one can see me. I hope I shall not be
+seasick, for then I shall break."
+
+But the fear was needless; she was not seasick, neither did she break.
+
+"Nothing is so good to prevent seasickness as to have a steel stomach
+and to bear in mind that one is something a little more than an ordinary
+person. My seasickness is all over now. The more genteel and honorable
+one is, the more one can endure."
+
+Crash went the eggshell, as a wagon rolled over both of them. It was a
+wonder that she did not break.
+
+"Mercy, what a crushing weight!" said the Darning-needle. "I'm growing
+seasick, after all. I'm going to break!"
+
+But she was not sick, and she did not break, though the wagon wheels
+rolled over her. She lay at full length in the road, and there let her
+lie.
+
+
+
+
+[Illustration]
+
+
+
+
+THE LITTLE MATCH GIRL
+
+
+IT was dreadfully cold; it was snowing fast, and was almost dark, as
+evening came on--the last evening of the year. In the cold and the
+darkness, there went along the street a poor little girl, bareheaded and
+with naked feet. When she left home she had slippers on, it is true; but
+they were much too large for her feet--slippers that her mother had used
+till then, and the poor little girl lost them in running across the
+street when two carriages were passing terribly fast. When she looked
+for them, one was not to be found, and a boy seized the other and ran
+away with it, saying he would use it for a cradle some day, when he had
+children of his own.
+
+So on the little girl went with her bare feet, that were red and blue
+with cold. In an old apron that she wore were bundles of matches, and
+she carried a bundle also in her hand. No one had bought so much as a
+bunch all the long day, and no one had given her even a penny.
+
+Poor little girl! Shivering with cold and hunger she crept along, a
+perfect picture of misery.
+
+The snowflakes fell on her long flaxen hair, which hung in pretty curls
+about her throat; but she thought not of her beauty nor of the cold.
+Lights gleamed in every window, and there came to her the savory smell
+of roast goose, for it was New Year's Eve. And it was this of which she
+thought.
+
+In a corner formed by two houses, one of which projected beyond the
+other, she sat cowering down. She had drawn under her her little feet,
+but still she grew colder and colder; yet she dared not go home, for she
+had sold no matches and could not bring a penny of money. Her father
+would certainly beat her; and, besides, it was cold enough at home, for
+they had only the house-roof above them, and though the largest holes
+had been stopped with straw and rags, there were left many through which
+the cold wind could whistle.
+
+[Illustration: Where the light fell upon the wall it became
+transparent.]
+
+And now her little hands were nearly frozen with cold. Alas! a single
+match might do her good if she might only draw it from the bundle, rub
+it against the wall, and warm her fingers by it. So at last she drew one
+out. Whisht! How it blazed and burned! It gave out a warm, bright flame
+like a little candle, as she held her hands over it. A wonderful little
+light it was. It really seemed to the little girl as if she sat before a
+great iron stove with polished brass feet and brass shovel and tongs. So
+blessedly it burned that the little maiden stretched out her feet to
+warm them also. How comfortable she was! But lo! the flame went out, the
+stove vanished, and nothing remained but the little burned match in her
+hand.
+
+She rubbed another match against the wall. It burned brightly, and where
+the light fell upon the wall it became transparent like a veil, so that
+she could see through it into the room. A snow-white cloth was spread
+upon the table, on which was a beautiful china dinner-service, while a
+roast goose, stuffed with apples and prunes, steamed famously and sent
+forth a most savory smell. And what was more delightful still, and
+wonderful, the goose jumped from the dish, with knife and fork still in
+its breast, and waddled along the floor straight to the little girl.
+
+But the match went out then, and nothing was left to her but the thick,
+damp wall.
+
+She lighted another match. And now she was under a most beautiful
+Christmas tree, larger and far more prettily trimmed than the one she
+had seen through the glass doors at the rich merchant's. Hundreds of wax
+tapers were burning on the green branches, and gay figures, such as she
+had seen in shop windows, looked down upon her. The child stretched out
+her hands to them; then the match went out.
+
+Still the lights of the Christmas tree rose higher and higher. She saw
+them now as stars in heaven, and one of them fell, forming a long trail
+of fire.
+
+"Now some one is dying," murmured the child softly; for her grandmother,
+the only person who had loved her, and who was now dead, had told her
+that whenever a star falls a soul mounts up to God.
+
+She struck yet another match against the wall, and again it was light;
+and in the brightness there appeared before her the dear old
+grandmother, bright and radiant, yet sweet and mild, and happy as she
+had never looked on earth.
+
+"Oh, grandmother," cried the child, "take me with you. I know you will
+go away when the match burns out. You, too, will vanish, like the warm
+stove, the splendid New Year's feast, the beautiful Christmas tree." And
+lest her grandmother should disappear, she rubbed the whole bundle of
+matches against the wall.
+
+And the matches burned with such a brilliant light that it became
+brighter than noonday. Her grandmother had never looked so grand and
+beautiful. She took the little girl in her arms, and both flew together,
+joyously and gloriously, mounting higher and higher, far above the
+earth; and for them there was neither hunger, nor cold, nor care--they
+were with God.
+
+But in the corner, at the dawn of day, sat the poor girl, leaning
+against the wall, with red cheeks and smiling mouth--frozen to death on
+the last evening of the old year. Stiff and cold she sat, with the
+matches, one bundle of which was burned.
+
+"She wanted to warm herself, poor little thing," people said. No one
+imagined what sweet visions she had had, or how gloriously she had gone
+with her grandmother to enter upon the joys of a new year.
+
+
+
+
+[Illustration]
+
+
+
+
+THE LOVING PAIR
+
+
+A WHIPPING Top and a Ball lay close together in a drawer among other
+playthings. One day the Top said to the Ball, "Since we are living so
+much together, why should we not be lovers?"
+
+But the Ball, being made of morocco leather, thought herself a very
+high-bred lady, and would hear nothing of such a proposal. On the next
+day the little boy to whom the playthings belonged came to the drawer;
+he painted the Top red and yellow, and drove a bright brass nail right
+through the head of it; it looked very smart indeed as it spun around
+after that.
+
+"Look at me," said he to the Ball. "What do you say to me now; why
+should we not make a match of it, and become man and wife? We suit each
+other so well!--you can jump and I can dance. There would not be a
+happier pair in the whole world!"
+
+"Do you think so?" said the Ball. "Perhaps you do not know that my
+father and mother were morocco slippers, and that I have a Spanish cork
+in my body!"
+
+"Yes, but then I am made of mahogany," said the Top; "the Mayor himself
+turned me. He has a turning lathe of his own, and he took great pleasure
+in making me."
+
+"Can I trust you in this?" asked the Ball.
+
+"May I never be whipped again, if what I tell you is not true," returned
+the Top.
+
+"You plead your cause well," said the Ball; "but I am not free to listen
+to your proposal. I am as good as engaged to a swallow. As often as I
+fly up into the air, he puts his head out of his nest, and says, 'Will
+you?' In my heart I have said Yes to him, and that is almost the same as
+an engagement; but I'll promise never to forget you."
+
+"A deal of good that will do me," said the Top, and they left off
+speaking to each other.
+
+Next day the Ball was taken out. The Top saw it fly like a bird into the
+air--so high that it passed quite out of sight. It came back again; but
+each time that it touched the earth, it sprang higher than before. This
+must have been either from its longing to mount higher, like the
+swallow, or because it had the Spanish cork in its body. On the ninth
+time the little Ball did not return. The boy sought and sought, but all
+in vain, for it was gone.
+
+"I know very well where she is," sighed the Top. "She is in the
+swallow's nest, celebrating her wedding."
+
+The more the Top thought of this the more lovely the Ball became to him;
+that she could not be his bride seemed to make his love for her the
+greater. She had preferred another rather than himself, but he could not
+forget her. He twirled round and round, spinning and humming, but always
+thinking of the Ball, who grew more and more beautiful the more he
+thought of her. And thus several years passed,--it came to be an old
+love,--and now the Top was no longer young!
+
+One day he was gilded all over; never in his life had he been half so
+handsome. He was now a golden top, and bravely he spun, humming all the
+time. But once he sprang too high--and was gone!
+
+They looked everywhere for him,--even in the cellar,--but he was nowhere
+to be found. Where was he?
+
+He had jumped into the dustbin, and lay among cabbage stalks, sweepings,
+dust, and all sorts of rubbish that had fallen from the gutter in the
+roof.
+
+"Alas! my gay gilding will soon be spoiled here. What sort of trumpery
+can I have got among?" And then he peeped at a long cabbage stalk which
+lay much too near him, and at something strange and round, which
+appeared like an apple, but was not. It was an old Ball that must have
+lain for years in the gutter, and been soaked through and through with
+water.
+
+"Thank goodness! at last I see an equal; one of my own sort, with whom I
+can talk," said the Ball, looking earnestly at the gilded Top. "I am
+myself made of real morocco, sewed together by a young lady's hands, and
+within my body is a Spanish cork; though no one would think it now. I
+was very near marrying the swallow, when by a sad chance I fell into the
+gutter on the roof. I have lain there five years, and I am now wet
+through and through. You may think what a wearisome situation it has
+been for a young lady like me."
+
+The Top made no reply. The more he thought of his old love, and the more
+he heard, the more sure he became that this was indeed she.
+
+Then came the housemaid to empty the dustbin. "Hullo!" she cried; "why,
+here's the gilt Top." And so the Top was brought again to the playroom,
+to be used and honored as before, while nothing was again heard of the
+Ball.
+
+And the Top never spoke again of his old love--the feeling must have
+passed away. And it is not strange, when the object of it has lain five
+years in a gutter, and been drenched through and through, and when one
+meets her again in a dustbin.
+
+
+
+
+[Illustration]
+
+
+
+
+THE LEAPING MATCH
+
+
+THE Flea, the Grasshopper, and the Frog once wanted to see which of them
+could jump the highest. They made a festival, and invited the whole
+world and every one else besides who liked to come and see the grand
+sight. Three famous jumpers they were, as all should say, when they met
+together in the room.
+
+"I will give my daughter to him who shall jump highest," said the King;
+"it would be too bad for you to have the jumping, and for us to offer no
+prize."
+
+The Flea was the first to come forward. He had most exquisite manners,
+and bowed to the company on every side; for he was of noble blood, and,
+besides, was accustomed to the society of man, and that, of course, had
+been an advantage to him.
+
+Next came the Grasshopper. He was not quite so elegantly formed as the
+Flea, but he knew perfectly well how to conduct himself, and he wore the
+green uniform which belonged to him by right of birth. He said,
+moreover, that he came of a very ancient Egyptian family, and that in
+the house where he then lived he was much thought of.
+
+The fact was that he had been just brought out of the fields and put in
+a card-house three stories high, and built on purpose for him, with the
+colored sides inwards, and doors and windows cut out of the Queen of
+Hearts. "And I sing so well," said he, "that sixteen parlor-bred
+crickets, who have chirped from infancy and yet got no one to build them
+card-houses to live in, have fretted themselves thinner even than
+before, from sheer vexation on hearing me."
+
+It was thus that the Flea and the Grasshopper made the most of
+themselves, each thinking himself quite an equal match for the princess.
+
+[Illustration: He made a sideways jump into the lap of the princess.]
+
+The Leapfrog said not a word; but people said that perhaps he thought
+the more; and the housedog who snuffed at him with his nose allowed that
+he was of good family. The old councilor, who had had three orders
+given him in vain for keeping quiet, asserted that the Leapfrog was a
+prophet, for that one could see on his back whether the coming winter
+was to be severe or mild, which is more than one can see on the back of
+the man who writes the almanac.
+
+"I say nothing for the present," exclaimed the King; "yet I have my own
+opinion, for I observe everything."
+
+And now the match began. The Flea jumped so high that no one could see
+what had become of him; and so they insisted that he had not jumped at
+all--which was disgraceful after all the fuss he had made.
+
+The Grasshopper jumped only half as high; but he leaped into the King's
+face, who was disgusted by his rudeness.
+
+The Leapfrog stood for a long time, as if lost in thought; people began
+to think he would not jump at all.
+
+"I'm afraid he is ill!" said the dog and he went to snuff at him again;
+when lo! he suddenly made a sideways jump into the lap of the princess,
+who sat close by on a little golden stool.
+
+"There is nothing higher than my daughter," said the King; "therefore to
+bound into her lap is the highest jump that can be made. Only one of
+good understanding would ever have thought of that. Thus the Frog has
+shown that he has sense. He has brains in his head, that he has."
+
+And so he won the princess.
+
+"I jumped the highest, for all that," said the Flea; "but it's all the
+same to me. The princess may have the stiff-legged, slimy creature, if
+she likes. In this world merit seldom meets its reward. Dullness and
+heaviness win the day. I am too light and airy for a stupid world."
+
+And so the Flea went into foreign service.
+
+The Grasshopper sat without on a green bank and reflected on the world
+and its ways; and he too said, "Yes, dullness and heaviness win the day;
+a fine exterior is what people care for nowadays." And then he began to
+sing in his own peculiar way--and it is from his song that we have taken
+this little piece of history, which may very possibly be all untrue,
+although it does stand printed here in black and white.
+
+
+
+
+[Illustration]
+
+
+
+
+THE HAPPY FAMILY
+
+
+THE largest green leaf in this country is certainly the burdock. Put one
+in front of your waist, and it is just like an apron; or lay it upon
+your head, and it is almost as good as an umbrella, it is so broad.
+
+Burdock never grows singly; where you find one plant of the kind you may
+be sure that others grow in its immediate neighborhood. How magnificent
+they look!
+
+And all this magnificence is food for snails--the great white snails,
+which grand people in olden times used to have dished up as fricassees,
+and of which, when they had eaten, they would say, "H'm, how nice!" for
+they really fancied them delicious. These snails lived on burdock
+leaves, and that was why burdock was planted.
+
+Now there was an old estate where snails were no longer considered a
+delicacy. The snails had therefore died out, but the burdock still
+flourished. In all the alleys and in all the beds it had grown and
+grown, so that it could no longer be checked; the place had become a
+perfect forest of burdock.
+
+Here and there stood an apple or plum tree to serve as a kind of token
+that there had been once a garden, but everything, from one end of the
+garden to the other, was burdock, and beneath the shade of the burdock
+lived the last two of the ancient snails.
+
+They did not know themselves how old they were, but they well remembered
+the time when there were a great many of them, that they had descended
+from a family that came from foreign lands, and that this forest in
+which they lived had been planted for them and theirs. They had never
+been beyond the limits of the garden, but they knew that there was
+something outside their forest, called the castle, and that there one
+was boiled, and became black, and was then laid upon a silver
+dish--though what happened afterward they had never heard, nor could
+they exactly fancy how it felt to be cooked and laid on a silver dish.
+It was, no doubt, a fine thing, and exceedingly genteel.
+
+Neither the cockchafer, nor the toad, nor the earthworm, all of whom
+they questioned on the matter, could give them the least information,
+for none of them had ever been cooked and served upon silver dishes.
+
+The old white snails were the grandest race in the world; of this they
+were well aware. The forest had grown for their sake, and the castle or
+manor house too had been built expressly that in it they might be cooked
+and served.
+
+Leading now a very quiet and happy life and having no children, they had
+adopted a little common snail, and had brought it up as their own child.
+But the little thing would not grow, for he was only a common snail,
+though his foster mother pretended to see a great improvement in him.
+She begged the father, since he could not perceive it, to feel the
+little snail's shell, and to her great joy and his own, he found that
+his wife was right.
+
+One day it rained very hard. "Listen!" said the Father Snail; "hear what
+a drumming there is on the burdock leaves--rum-dum-dum, rum-dum-dum!"
+
+"There are drops, too," said the Mother Snail; "they come trickling down
+the stalks. We shall presently find it very wet here. I'm glad we have
+such good houses, and that the youngster has his also. There has really
+been more done for us than for any other creatures. Every one must see
+that we are superior beings. We have houses from our very birth, and the
+burdock forest is planted on our account. I should like to know just how
+far it reaches, and what there is beyond."
+
+"There is nothing better than what we have here," said the Father Snail.
+"I wish for nothing beyond."
+
+"And yet," said the mother, "I should like to be taken to the castle,
+and boiled, and laid on a silver dish; that has been the destiny of all
+our ancestors, and we may be sure it is something quite out of the
+common way."
+
+"The castle has perhaps fallen to ruin," said the Father Snail, "or it
+may be overgrown with burdock, so that its inmates are unable to come
+out. There is no hurry about the matter. You are always in such a
+desperate hurry, and the youngster there begins to take after you. He's
+been creeping up that stem yonder these three days. It makes me quite
+dizzy to look at him."
+
+"But don't scold him," said the mother. "He creeps carefully. We old
+people have nothing else to live for, and he will be the joy of our old
+age. Have you thought how we can manage to find a wife for him? Do you
+not think that farther into the forest there may be others of our own
+species?"
+
+"I dare say there may be black snails," said the old father, "black
+snails, without a house at all; and they are vulgar, though they think
+so much of themselves. But we can employ the black ants, who run about
+so much--hurrying to and fro as if they had all the business of the
+world on their hands. They will certainly be able to find a wife for our
+young gentleman."
+
+"I know the fairest of the fair," said one of the ants; "but I'm afraid
+it would not do, for she's a queen."
+
+"She's none the worse for that," said both the old snails. "Has she a
+house?"
+
+"She has a palace," answered the ants; "the most splendid ant castle,
+with seven hundred galleries."
+
+"Thank you!" said the Mother Snail. "Our boy shall not go to live in an
+ant hill. If you know of nothing better, we will employ the white gnats,
+who fly both in rain and sunshine and know all the ins and outs of the
+whole burdock forest."
+
+"We have found a wife for him," said the gnats. "A hundred paces from
+here there sits, on a gooseberry bush, a little snail with a house. She
+is all alone and is old enough to marry. It is only a hundred human
+steps from here."
+
+"Then let her come to him," said the old couple. "He has a whole forest
+of burdock, while she has only a bush."
+
+So they went and brought the little maiden snail. It took eight days to
+perform the journey, but that only showed her high breeding, and that
+she was of good family.
+
+And then the wedding took place. Six glow-worms gave all the light they
+could, but in all other respects it was a very quiet affair. The old
+people could not bear the fatigue of frolic or festivity. The Mother
+Snail made a very touching little speech. The father was too much
+overcome to trust himself to say anything.
+
+They gave the young couple the entire burdock forest, saying what they
+had always said, namely, that it was the finest inheritance in the
+world, and that if they led an upright and honorable life, and if their
+family should increase, without doubt both themselves and their children
+would one day be taken to the manor castle and be boiled black and
+served as a fricassee in a silver dish.
+
+And after this the old couple crept into their houses and never came out
+again, but fell asleep. The young pair now ruled in the forest and had a
+numerous family. But when, as time went on, none of them were ever
+cooked or served on a silver dish, they concluded that the castle had
+fallen to ruin and that the world of human beings had died out; and as
+no one contradicted them, they must have been right.
+
+And the rain continued to fall upon the burdock leaves solely to
+entertain them with its drumming, and the sun shone to light the forest
+for their especial benefit, and very happy they were--they and the whole
+snail family--inexpressibly happy!
+
+
+
+
+[Illustration]
+
+
+
+
+THE GREENIES
+
+
+A ROSE TREE stood in the window. But a little while ago it had been
+green and fresh, and now it looked sickly--it was in poor health, no
+doubt. A whole regiment was quartered on it and was eating it up; yet,
+notwithstanding this seeming greediness, the regiment was a very decent
+and respectable one. It wore bright-green uniforms. I spoke to one of
+the "Greenies." He was but three days old, and yet he was already a
+grandfather. What do you think he said? It is all true--he spoke of
+himself and of the rest of the regiment. Listen!
+
+"We are the most wonderful creatures in the world. At a very early age
+we are engaged, and immediately we have the wedding. When the cold
+weather comes we lay our eggs, but the little ones lie sunny and warm.
+The wisest of the creatures, the ant,--we have the greatest respect for
+him!--understands us well. He appreciates us, you may be sure. He does
+not eat us up at once; he takes our eggs, lays them in the family ant
+hill on the ground floor--lays them, labeled and numbered, side by side,
+layer on layer, so that each day a new one may creep out of the egg.
+Then he puts us in a stable, pinches our hind legs, and milks us till we
+die. He has given us the prettiest of names--'little milch cow.'
+
+"All creatures who, like the ant, are gifted with common sense call us
+by this pretty name. It is only human beings who do not. They give us
+another name, one that we feel to be a great affront--great enough to
+embitter our whole life. Could you not write a protest against it for
+us? Could you not rouse these human beings to a sense of the wrong they
+do us? They look at us so stupidly or, at times, with such envious eyes,
+just because we eat a rose leaf, while they themselves eat every created
+thing--whatever grows and is green. And oh, they give us the most
+humiliating of names! I will not even mention it. Ugh! I feel it to my
+very stomach. I cannot even pronounce it--at least not when I have my
+uniform on, and that I always wear.
+
+"I was born on a rose leaf. I and all the regiment live on the rose
+tree. We live off it, in fact. But then it lives again in us, who belong
+to the higher order of created beings.
+
+"The human beings do not like us. They pursue and murder us with
+soapsuds. Oh, it is a horrid drink! I seem to smell it even now. You
+cannot think how dreadful it is to be washed when one was not made to be
+washed. Men! you who look at us with your severe, soapsud eyes, think a
+moment what our place in nature is: we are born upon the roses, we die
+in roses--our whole life is a rose poem. Do not, I beg you, give us a
+name which you yourselves think so despicable--the name I cannot bear to
+pronounce. If you wish to speak of us, call us 'the ants' milch
+cows--the rose-tree regiment--the little green things.'"
+
+"And I, the man, stood looking at the tree and at the little Greenies
+(whose name I shall not mention, for I should not like to wound the
+feelings of the citizens of the rose tree), a large family with eggs and
+young ones; and I looked at the soapsuds I was going to wash them in,
+for I too had come with soap and water and murderous intentions. But now
+I will use it for soap bubbles. Look, how beautiful! Perhaps there lies
+in each a fairy tale, and the bubble grows large and radiant and looks
+as if there were a pearl lying inside it.
+
+The bubble swayed and swung. It flew to the door and then burst, but the
+door opened wide, and there stood Dame Fairytale herself! And now she
+will tell you better than I can about (I will not say the name) the
+little green things of the rosebush.
+
+"Plant lice!" said Dame Fairytale. One must call things by their right
+names. And if one may not do so always, one must at least have the
+privilege of doing so in a fairy tale.
+
+
+
+
+[Illustration]
+
+
+
+
+OLE-LUK-OIE THE DREAM GOD
+
+
+THERE is nobody in the whole world who knows so many stories as
+Ole-Luk-Oie, or who can relate them so nicely.
+
+In the evening while the children are seated at the tea table or in
+their little chairs, very softly he comes up the stairs, for he walks in
+his socks. He opens the doors without the slightest noise and throws a
+small quantity of very fine dust in the little ones' eyes (just enough
+to prevent them from keeping them open), and so they do not see him.
+Then he creeps behind them and blows softly upon their necks till their
+heads begin to droop.
+
+But Ole-Luk-Oie does not wish to hurt them. He is very fond of children
+and only wants them to be quiet that he may tell them pretty stories,
+and he knows they never are quiet until they are in bed and asleep.
+Ole-Luk-Oie seats himself upon the bed as soon as they are asleep. He is
+nicely dressed; his coat is made of silken stuff, it is impossible to
+say of what color, for it changes from green to red and from red to blue
+as he turns from side to side. Under each arm he carries an umbrella.
+One of them, with pictures on the inside, he spreads over good children,
+and then they dream the most charming stories. But the other umbrella
+has no pictures, and this he holds over the naughty children, so that
+they sleep heavily and wake in the morning without having dreamed at
+all.
+
+Now we shall hear how Ole-Luk-Oie came every night during a whole week
+to a little boy named Hjalmar, and what it was that he told him. There
+were seven stories, as there are seven days in the week.
+
+
+MONDAY
+
+"Now pay attention," said Ole-Luk-Oie in the evening, when Hjalmar was
+in bed, "and I will decorate the room."
+
+Immediately all the flowers in the flowerpots became large trees with
+long branches reaching to the ceiling and stretching along the walls, so
+that the whole room was like a greenhouse. All the branches were loaded
+with flowers, each flower as beautiful and as fragrant as a rose, and
+had any one tasted them he would have found them sweeter even than jam.
+The fruit glittered like gold, and there were cakes so full of plums
+that they were nearly bursting. It was incomparably beautiful.
+
+At the same time sounded dismal moans from the table drawer in which lay
+Hjalmar's schoolbooks.
+
+"What can that be now?" said Ole-Luk-Oie, going to the table and pulling
+out the drawer.
+
+It was a slate, in such distress because of a wrong figure in a sum that
+it had almost broken itself to pieces. The pencil pulled and tugged at
+its string as if it were a little dog that wanted to help but could not.
+
+And then came a moan from Hjalmar's copy book. Oh, it was quite terrible
+to hear! On each leaf stood a row of capital letters, every one having
+a small letter by its side. This formed a copy. Under these were other
+letters, which Hjalmar had written; they fancied they looked like the
+copy, but they were mistaken, for they were leaning on one side as if
+they intended to fall over the pencil lines.
+
+"See, this is the way you should hold yourselves," said the copy. "Look
+here, you should slope thus, with a graceful curve."
+
+"Oh, we are very willing to do so," said Hjalmar's letters, "but we
+cannot, we are so wretchedly made."
+
+"You must be scratched out, then," said Ole-Luk-Oie.
+
+"Oh, no!" they cried, and then they stood up so gracefully that it was
+quite a pleasure to look at them.
+
+"Now we must give up our stories, and exercise these letters," said
+Ole-Luk-Oie. "One, two--one, two--" So he drilled them till they stood
+up gracefully and looked as beautiful as a copy could look. But after
+Ole-Luk-Oie was gone, and Hjalmar looked at them in the morning, they
+were as wretched and awkward as ever.
+
+
+TUESDAY
+
+As soon as Hjalmar was in bed Ole-Luk-Oie touched with his little magic
+wand all the furniture in the room, which immediately began to chatter.
+And each article talked only of itself.
+
+Over the chest of drawers hung a large picture in a gilt frame,
+representing a landscape, with fine old trees, flowers in the grass, and
+a broad stream which flowed through the wood past several castles far
+out into the wild ocean.
+
+Ole-Luk-Oie touched the picture with his magic wand, and immediately the
+birds began to sing, the branches of the trees rustled, and the clouds
+moved across the sky, casting their shadows on the landscape beneath
+them.
+
+Then Ole-Luk-Oie lifted little Hjalmar up to the frame and placed his
+feet in the picture, on the high grass, and there he stood with the sun
+shining down upon him through the branches of the trees. He ran to the
+water and seated himself in a little boat which lay there, and which was
+painted red and white.
+
+The sails glittered like silver, and six swans, each with a golden
+circlet round its neck and a bright, blue star on its forehead, drew the
+boat past the green wood, where the trees talked of robbers and witches,
+and the flowers of beautiful little elves and fairies whose histories
+the butterflies had related to them.
+
+Brilliant fish with scales like silver and gold swam after the boat,
+sometimes making a spring and splashing the water round them; while
+birds, red and blue, small and great, flew after him in two long lines.
+The gnats danced round them, and the cockchafers cried "Buzz, buzz."
+They all wanted to follow Hjalmar, and all had some story to tell him.
+It was a most delightful sail.
+
+[Illustration: On the balconies stood princesses.]
+
+Sometimes the forests were thick and dark, sometimes like a beautiful
+garden gay with sunshine and flowers; he passed great palaces of glass
+and of marble, and on the balconies stood princesses, whose faces were
+those of little girls whom Hjalmar knew well and had often played with.
+One of the little girls held out her hand, in which was a heart made of
+sugar, more beautiful than any confectioner ever sold. As Hjalmar sailed
+by he caught hold of one side of the sugar heart and held it fast, and
+the princess held fast too, so that it broke in two pieces. Hjalmar had
+one piece and the princess the other, but Hjalmar's was the larger.
+
+At each castle stood little princes acting as sentinels. They presented
+arms and had golden swords and made it rain plums and tin soldiers, so
+that they must have been real princes.
+
+Hjalmar continued to sail, sometimes through woods, sometimes as it were
+through large halls, and then by large cities. At last he came to the
+town where his nurse lived, who had carried him in her arms when he was
+a very little boy and had always been kind to him. She nodded and
+beckoned to him and then sang the little verses she had herself composed
+and sent to him:
+
+ How many, many hours I think on thee,
+ My own dear Hjalmar, still my pride and joy!
+ How have I hung delighted over thee,
+ Kissing thy rosy cheeks, my darling boy!
+
+ Thy first low accents it was mine to hear,
+ To-day my farewell words to thee shall fly.
+ Oh, may the Lord thy shield be ever near
+ And fit thee for a mansion in the sky!
+
+And all the birds sang the same tune, the flowers danced on their stems,
+and the old trees nodded as if Ole-Luk-Oie had been telling them
+stories, as well.
+
+
+WEDNESDAY
+
+How the rain did pour down! Hjalmar could hear it in his sleep, and when
+Ole-Luk-Oie opened the window the water flowed quite up to the window
+sill. It had the appearance of a large lake outside, and a beautiful
+ship lay close to the house.
+
+"Wilt thou sail with me to-night, little Hjalmar?" said Ole-Luk-Oie.
+"Then we shall see foreign countries, and thou shalt return here in the
+morning."
+
+All in a moment there stood Hjalmar, in his best clothes, on the deck of
+the noble ship, and immediately the weather became fine.
+
+They sailed through the streets, round by the church, while on every
+side rolled the wide, great sea.
+
+They sailed till the land disappeared, and then they saw a flock of
+storks who had left their own country and were traveling to warmer
+climates. The storks flew one behind another and had already been a
+long, long time on the wing.
+
+One of them seemed so tired that his wings could scarcely carry him. He
+was soon left very far behind. At length he sank lower and lower, with
+outstretched wings, flapping them in vain, till his feet touched the
+rigging of the ship, and he slid from the sails to the deck and stood
+before them. Then a sailor boy caught him and put him in the henhouse
+with the fowls, the ducks, and the turkeys, while the poor stork stood
+quite bewildered among them.
+
+"Just look at that fellow," said the chickens.
+
+Then the turkey cock puffed himself out as large as he could and
+inquired who he was, and the ducks waddled backwards, crying, "Quack,
+quack!"
+
+The stork told them all about warm Africa--of the pyramids and of the
+ostrich, which, like a wild horse, runs across the desert. But the ducks
+did not understand what he said, and quacked amongst themselves, "We are
+all of the same opinion; namely, that he is stupid."
+
+"Yes, to be sure, he is stupid," said the turkey cock, and gobbled.
+
+Then the stork remained quite silent and thought of his home in Africa.
+
+"Those are handsome thin legs of yours," said the turkey cock. "What do
+they cost a yard?"
+
+"Quack, quack, quack," grinned the ducks; but the stork pretended not to
+hear.
+
+"You may as well laugh," said the turkey, "for that remark was rather
+witty, but perhaps it was above you. Ah, ah, is he not clever? He will
+be a great amusement to us while he remains here." And then he gobbled,
+and the ducks quacked: "Gobble, gobble"; "Quack, quack!"
+
+What a terrible uproar they made while they were having such fun among
+themselves!
+
+Then Hjalmar went to the henhouse and, opening the door, called to the
+stork. He hopped out on the deck. He had rested himself now, and he
+looked happy and seemed as if he nodded to Hjalmar as if to thank him.
+Then he spread his wings and flew away to warmer countries, while the
+hens clucked, the ducks quacked, and the turkey cock's head turned quite
+scarlet.
+
+"To-morrow you shall be made into soup," said Hjalmar to the fowls; and
+then he awoke and found himself lying in his little bed.
+
+It was a wonderful journey which Ole-Luk-Oie had made him take this
+night.
+
+
+THURSDAY
+
+"What do you think I have here?" said the Dream Man. "Do not be
+frightened, and you shall see a little mouse." And then he held out his
+hand, in which lay a lovely little creature. "It has come to invite you
+to a wedding. Two little mice are going to be married to-night. They
+live under the floor of your mother's storeroom, and that must be a fine
+dwelling place."
+
+"But how can I get through the little mouse-hole in the floor?" asked
+the little boy.
+
+"Leave me to manage that," said the Dream Man. "I will soon make you
+small enough." And then he touched the boy with his magic wand, upon
+which he became smaller and smaller until at last he was no longer than
+a little finger. "Now you can borrow the dress of your tin soldier. I
+think it will just fit you. It looks well to wear a uniform when you go
+into company."
+
+"Yes, certainly," said the boy, and in a moment he was dressed as neatly
+as the neatest of all tin soldiers.
+
+"Will you be so good as to seat yourself in your mamma's thimble," said
+the little mouse, "that I may have the pleasure of drawing you to the
+wedding?"
+
+"Will you really take so much trouble, young lady?" said he. And so in
+this way he rode to the mouse's wedding.
+
+First they went under the floor, and then through a long passage which
+was scarcely high enough to allow the thimble to drive under, and the
+whole passage was lit up with the light of rotten wood.
+
+"Does it not smell delicious?" asked the mouse, as she drew him along.
+"The wall and the floor have been smeared with bacon rind; nothing could
+be nicer."
+
+Very soon they arrived at the bridal hall. On the right stood all the
+little lady mice, whispering and giggling as if they were making game
+of each other. To the left were the gentlemen mice, stroking their
+whiskers with their forepaws. And in the center of the hall could be
+seen the bridal pair, standing side by side in a hollow cheese rind and
+kissing each other while all eyes were upon them.
+
+More and more friends kept coming, till the mice were in danger of
+treading each other to death; for the bridal pair now stood in the
+doorway, and none could pass in or out.
+
+The room had been rubbed over with bacon rind like the passage, which
+was all the refreshment offered to the guests. But for dessert a pea was
+passed around, on which a mouse had bitten the first letters of the
+names of the betrothed pair. This was something quite uncommon. All the
+mice said it was a very beautiful wedding, and that they had been very
+agreeably entertained.
+
+After this Hjalmar returned home. He had certainly been in grand
+society, but he had been obliged to creep under a room and to make
+himself small enough to wear the uniform of a tin soldier.
+
+
+FRIDAY
+
+"It is incredible how many old people there are who would be glad to
+have me at night," said Ole-Luk-Oie, "especially those who have done
+something wrong.
+
+"'Good old Ole,' say they to me, 'we cannot close our eyes, and we lie
+awake the whole night and see all our evil deeds sitting on our beds
+like little imps and sprinkling us with scalding water. Will you come
+and drive them away, that we may have a good night's rest?' and then
+they sigh so deeply and say: 'We would gladly pay you for it. Good
+night, Ole-Luk, the money lies in the window.' But I never do anything
+for gold."
+
+"What shall we do to-night?" asked Hjalmar.
+
+"I do not know whether you would care to go to another wedding," replied
+Ole-Luk-Oie, "although it is quite a different affair from the one we
+saw last night. Your sister's large doll, that is dressed like a man and
+is called Herman, intends to marry the doll Bertha. It is also the
+dolls' birthday, and they will receive many presents."
+
+"Yes, I know that already," said Hjalmar; "my sister always allows her
+dolls to keep their birthdays or to have a wedding when they require new
+clothes. That has happened already a hundred times, I am quite sure."
+
+"Yes, so it may; but to-night is the hundred-and-first wedding, and when
+that has taken place it must be the last; therefore this is to be
+extremely beautiful. Only look."
+
+Hjalmar looked at the table, and there stood the little cardboard dolls'
+house, with lights in all the windows, and drawn up before it were the
+tin soldiers, presenting arms.
+
+The bridal pair were seated on the floor, leaning against the leg of the
+table, looking very thoughtful and with good reason. Then Ole-Luk-Oie,
+dressed up in grandmother's black gown, married them.
+
+As soon as the ceremony was concluded all the furniture in the room
+joined in singing a beautiful song which had been composed by the lead
+pencil, and which went to the melody of a military tattoo:
+
+ "Waft, gentle breeze, our kind farewell
+ To the tiny house where the bride folks dwell.
+ With their skin of kid leather fitting so well,
+ They are straight and upright as a tailor's ell.
+ Hurrah! hurrah! for beau and belle.
+ Let echo repeat our kind farewell."
+
+And now came the presents; but the bridal pair had nothing to eat, for
+love was to be their food.
+
+"Shall we go to a country house, or travel?" asked the bridegroom.
+
+They consulted the swallow, who had traveled so far, and the old hen in
+the yard, who had brought up five broods of chickens.
+
+And the swallow talked to them of warm countries where the grapes hang
+in large clusters on the vines and the air is soft and mild, and about
+the mountains glowing with colors more beautiful than we can think of.
+
+"But they have no red cabbage such as we have," said the hen. "I was
+once in the country with my chickens for a whole summer. There was a
+large sand pit in which we could walk about and scratch as we liked.
+Then we got into a garden in which grew red cabbage. Oh, how nice it
+was! I cannot think of anything more delicious."
+
+"But one cabbage stalk is exactly like another," said the swallow; "and
+here we often have bad weather."
+
+"Yes, but we are accustomed to it," said the hen.
+
+"But it is so cold here, and freezes sometimes."
+
+"Cold weather is good for cabbages," said the hen; "besides, we do have
+it warm here sometimes. Four years ago we had a summer that lasted more
+than five weeks, and it was so hot one could scarcely breathe. And then
+in this country we have no poisonous animals, and we are free from
+robbers. He must be a blockhead, who does not consider our country the
+finest of all lands. He ought not to be allowed to live here." And then
+the hen wept very much and said: "I have also traveled. I once went
+twelve miles in a coop, and it was not pleasant traveling at all."
+
+"The hen is a sensible woman," said the doll Bertha. "I don't care for
+traveling over mountains, just to go up and come down again. No, let us
+go to the sand pit in front of the gate and then take a walk in the
+cabbage garden."
+
+And so they settled it.
+
+[Illustration: Look at these ... Chinese people ...]
+
+
+SATURDAY
+
+"Am I to hear any more stories?" asked little Hjalmar, as soon as
+Ole-Luk-Oie had sent him to sleep.
+
+"We shall have no time this evening," said he, spreading out his
+prettiest umbrella over the child. "Look at these Chinese people." And
+then the whole umbrella appeared like a large china bowl, with blue
+trees and pointed bridges upon which stood little Chinamen nodding their
+heads.
+
+"We must make all the world beautiful for to-morrow morning," said
+Ole-Luk-Oie, "for it will be a holiday; it is Sunday. I must now go to
+the church steeple and see if the little sprites who live there have
+polished the bells so that they may sound sweetly; then I must go into
+the fields and see if the wind has blown the dust from the grass and the
+leaves; and the most difficult task of all which I have to do is to take
+down all the stars and brighten them up. I have to number them first
+before I put them in my apron, and also to number the places from which
+I take them, so that they may go back into the right holes, or else
+they would not remain and we should have a number of falling stars, for
+they would all tumble down one after another."
+
+"Hark ye, Mr. Luk-Oie!" said an old portrait which hung on the wall of
+Hjalmar's bedroom. "Do you know me? I am Hjalmar's great-grandfather. I
+thank you for telling the boy stories, but you must not confuse his
+ideas. The stars cannot be taken down from the sky and polished; they
+are spheres like our earth, which is a good thing for them."
+
+"Thank you, old great-grandfather," said Ole-Luk-Oie. "I thank you. You
+may be the head of the family, as no doubt you are, and very old, but I
+am older still. I am an ancient heathen. The old Romans and Greeks named
+me the Dream God. I have visited the noblest houses,--yes, and I
+continue to do so,--still I know how to conduct myself both to high and
+low, and now you may tell the stories yourself"; and so Ole-Luk-Oie
+walked off, taking his umbrellas with him.
+
+"Well, well, one is never to give an opinion, I suppose," grumbled the
+portrait. And it woke Hjalmar.
+
+
+SUNDAY
+
+"Good evening," said Ole-Luk-Oie.
+
+Hjalmar nodded, and then sprang out of bed and turned his
+great-grandfather's portrait to the wall so that it might not interrupt
+them as it had done yesterday. "Now," said he, "you must tell me some
+stories about five green peas that lived in one pod, or of the chickseed
+that courted the chickweed, or of the Darning-needle who acted so
+proudly because she fancied herself an embroidery needle."
+
+"You may have too much of a good thing," said Ole-Luk-Oie. "You know
+that I like best to show you something, so I will show you my brother.
+He is also called Ole-Luk-Oie, but he never visits any one but once, and
+when he does come he takes him away on his horse and tells him stories
+as they ride along.
+
+"He knows only two stories. One of these is so wonderfully beautiful
+that no one in the world can imagine anything at all like it, but the
+other it would be impossible to describe."
+
+Then Ole-Luk-Oie lifted Hjalmar up to the window. "There, now you can
+see my brother, the other Ole-Luk-Oie; he is also called Death. You see
+he is not so bad as they represent him in picture books. There he is a
+skeleton, but here his coat is embroidered with silver, and he wears the
+splendid uniform of a hussar, and a mantle of black velvet flies behind
+him over the horse. Look, how he gallops along."
+
+Hjalmar saw that as this Ole-Luk-Oie rode on he lifted up old and young
+and carried them away on his horse. Some he seated in front of him and
+some behind, but always inquired first, "How stands the record book?"
+
+"Good," they all answered.
+
+"Yes, but let me see for myself," he replied, and they were obliged to
+give him the books. Then all those who had "Very good" or "Exceedingly
+good" came in front of the horse and heard the beautiful story, while
+those who had "Middling" or "Fairly good" in their books were obliged to
+sit behind. They cried and wanted to jump down from the horse, but they
+could not get free, for they seemed fastened to the seat.
+
+"Why, Death is a most splendid Luk-Oie," said Hjalmar. "I am not in the
+least afraid of him."
+
+"You need have no fear of him," said Ole-Luk-Oie; "but take care and
+keep a good conduct book."
+
+"Now I call that very instructive," murmured the great-grandfather's
+portrait. "It is useful sometimes to express an opinion." So he was
+quite satisfied.
+
+These are some of the doings and sayings of Ole-Luk-Oie. I hope he may
+visit you himself this evening and relate some more.
+
+
+
+
+[Illustration]
+
+
+
+
+THE MONEY BOX
+
+
+IN a nursery where a number of toys lay scattered about, a money box
+stood on the top of a very high wardrobe. It was made of clay in the
+shape of a pig and had been bought of the potter. In the back of the pig
+was a slit, and this slit had been enlarged with a knife so that
+dollars, or even crown pieces, might slip through--and indeed there were
+two in the box, besides a number of pence. The money-pig was stuffed so
+full that it could no longer rattle, which is the highest state of
+perfectness to which a money-pig can attain.
+
+There he stood upon the cupboard, high and lofty, looking down upon
+everything else in the room. He knew very well that he had enough inside
+himself to buy up all the other toys, and this gave him a very good
+opinion of his own value.
+
+The rest thought of this fact also, although they did not express it,
+there were so many other things to talk about. A large doll, still
+handsome (though rather old, for her neck had been mended) lay inside
+one of the drawers, which was partly open. She called out to the others,
+"Let us have a game at being men and women; that is something worth
+playing at."
+
+Upon this there was a great uproar; even the engravings which hung in
+frames on the wall turned round in their excitement and showed that they
+had a wrong side to them, although they had not the least intention of
+exposing themselves in this way or of objecting to the game.
+
+It was late at night, but as the moon shone through the windows, they
+had light at a cheap rate. And as the game was now to begin, all were
+invited to take part in it, even the children's wagon, which certainly
+belonged among the coarser playthings. "Each has its own value," said
+the wagon; "we cannot all be noblemen; there must be some to do the
+work."
+
+The money-pig was the only one who received a written invitation. He
+stood so high that they were afraid he would not accept a verbal
+message. But in his reply he said if he had to take a part he must enjoy
+the sport from his own home; they were to arrange for him to do so. And
+so they did.
+
+The little toy theater was therefore put up in such a way that the
+money-pig could look directly into it. Some wanted to begin with a
+comedy and afterwards to have a tea party and a discussion for mental
+improvement, but they began with the latter first.
+
+The rocking-horse spoke of training and races; the wagon, of railways
+and steam power--for these subjects belonged to each of their
+professions, and it was right they should talk of them. The clock talked
+politics--"Tick, tick." He professed to know what was the time of the
+day, but there was a whisper that he did not go correctly. The bamboo
+cane stood by, looking stiff and proud (he was vain of his brass ferrule
+and silver top), and on the sofa lay two worked cushions, pretty but
+stupid.
+
+When the play at the little theater began, the rest sat and looked on;
+they were requested to applaud and stamp, or crack, whenever they felt
+gratified with what they saw. The riding whip said he never cracked for
+old people, only for the young--those who were not yet married. "I crack
+for everybody," said the nutcracker.
+
+"Yes, and a fine noise you make," thought the audience as the play went
+on.
+
+It was not worth much, but it was very well played, and all the actors
+turned their painted sides to the audience, for they were made to be
+seen only on one side. The acting was wonderful, excepting that
+sometimes the actors came out beyond the lamps, because the wires were a
+little too long.
+
+The doll whose neck had been mended was so excited that the place in her
+neck burst, and the money-pig declared he must do something for one of
+the players as they had all pleased him so much. So he made up his mind
+to mention one of them in his will as the one to be buried with him in
+the family vault, whenever that event should happen.
+
+They enjoyed the comedy so much that they gave up all thoughts of the
+tea party and only carried out their idea of intellectual amusement,
+which they called playing at men and women. And there was nothing wrong
+about it, for it was only play. All the while each one thought most of
+himself or of what the money-pig could be thinking. The money-pig's
+thoughts were on (as he supposed) a very far-distant time--of making his
+will, and of his burial, and of when it might all come to pass.
+
+Certainly sooner than he expected; for all at once down he came from the
+top of the press, fell on the floor, and was broken to pieces. Then all
+the pennies hopped and danced about in the most amusing manner. The
+little ones twirled round like tops, and the large ones rolled away as
+far as they could, especially the one great silver crown piece, who had
+often wanted to go out into the world. And he had his wish as well as
+all the rest of the money. The pieces of the money-pig were thrown into
+the dustbin, and the next day there stood a new money-pig on the
+cupboard, but it had not a farthing inside it yet, and therefore, like
+the old one, could not rattle.
+
+This was the beginning with him, and with us it shall be the end of our
+story.
+
+
+
+
+[Illustration]
+
+
+
+
+ELDER-TREE MOTHER
+
+
+THERE was once a little boy who had taken cold by going out and getting
+his feet wet. No one could think how he had managed to do so, for the
+weather was quite dry. His mother undressed him and put him to bed, and
+then she brought in the teapot to make him a good cup of elder tea,
+which is so warming.
+
+At the same time the friendly old man who lived all alone at the top of
+the house came in at the door. He had neither wife nor child, but he was
+very fond of children and knew so many fairy tales and stories that it
+was a pleasure to hear him talk. "Now, if you drink your tea," said the
+mother, "very likely you will have a story in the meantime."
+
+[Illustration: "But how did the little fellow get his feet wet?" asked
+he....]
+
+"Yes, if I could think of a new one to tell," said the old man. "But how
+did the little fellow get his feet wet?" asked he.
+
+"Ah," said the mother, "that is what we cannot make out."
+
+"Will you tell me a story?" asked the boy.
+
+"Yes, if you can tell me exactly how deep the gutter is in the little
+street through which you go to school."
+
+"Just halfway up to my knee," said the boy, promptly; "that is, if I
+stand in the deepest part."
+
+"It is easy to see how we got our feet wet," said the old man. "Well,
+now I suppose I ought to tell a story, but really I don't know any
+more."
+
+"You can make up one, I know," said the boy. "Mother says that you can
+turn everything you look at into a story, and everything, even, that you
+touch."
+
+"Ah, but those tales and stories are worth nothing. The real ones come
+of themselves; they knock at my forehead and say, 'Here we are!'"
+
+"Won't there be a knock soon?" asked the boy. And his mother laughed as
+she put elder flowers in the teapot and poured boiling water over them.
+"Oh, do tell me a story."
+
+"Yes, if a story comes of itself, but tales and stories are very grand;
+they only come when it pleases them. Stop," he cried all at once, "here
+we have it; look! there is a story in the teapot now."
+
+The little boy looked at the teapot and saw the lid raise itself
+gradually and long branches stretch out, even from the spout, in all
+directions till they became larger and larger, and there appeared a
+great elder tree covered with flowers white and fresh. It spread itself
+even to the bed and pushed the curtains aside, and oh, how fragrant the
+blossoms were!
+
+In the midst of the tree sat a pleasant-looking old woman in a very
+strange dress. The dress was green, like the leaves of the elder tree,
+and was decorated with large white elder blossoms. It was not easy to
+tell whether the border was made of some kind of stuff or of real
+flowers.
+
+"What is that woman's name?" asked the boy.
+
+"The Romans and Greeks called her a dryad," said the old man, "but we do
+not understand that name; we have a better one for her in the quarter
+of the town where the sailors live. They call her Elder-flower Mother,
+and you must pay attention to her now, and listen while you look at the
+beautiful tree.
+
+"Just such a large, blooming tree as this stands outside in the corner
+of a poor little yard, and under this tree, one bright sunny afternoon,
+sat two old people, a sailor and his wife. They had great-grandchildren,
+and would soon celebrate the golden wedding, which is the fiftieth
+anniversary of the wedding day in many countries, and the Elder Mother
+sat in the tree and looked as pleased as she does now.
+
+"'I know when the golden wedding is to be,' said she, but they did not
+hear her; they were talking of olden times. 'Do you remember,' said the
+old sailor, 'when we were quite little and used to run about and play in
+the very same yard where we are now sitting, and how we planted little
+twigs in one corner and made a garden?'
+
+"'Yes,' said the old woman, 'I remember it quite well; and how we
+watered the twigs, and one of them was a sprig of elder that took root
+and put forth green shoots, until in time it became the great tree under
+which we old people are now seated.'
+
+"'To be sure,' he replied, 'and in that corner yonder stands the water
+butt in which I used to swim my boat that I had cut out all myself; and
+it sailed well too. But since then I have learned a very different kind
+of sailing.'
+
+"'Yes, but before that we went to school,' said she, 'and then we were
+prepared for confirmation. How we both cried on that day! But in the
+afternoon we went hand in hand up to the round tower and saw the view
+over Copenhagen and across the water; then we went to Fredericksburg,
+where the king and queen were sailing in their beautiful boat on the
+canals.'
+
+"'But I had to sail on a very different voyage elsewhere and be away
+from home for years on long voyages,' said the old sailor.
+
+"'Ah yes, and I used to cry about you,' said she, 'for I thought you
+must be lying drowned at the bottom of the sea, with the waves sweeping
+over you. And many a time have I got up in the night to see if the
+weathercock had turned; it turned often enough, but you came not. How
+well I remember one day the rain was pouring down from the skies, and
+the man came to the house where I was in service to take away the dust.
+I went down to him with the dust box and stood for a moment at the
+door,--what shocking weather it was!--and while I stood there the
+postman came up and brought me a letter from you.
+
+"'How that letter had traveled about! I tore it open and read it. I
+laughed and wept at the same time, I was so happy. It said that you were
+in warm countries where the coffee berries grew, and what a beautiful
+country it was, and described many other wonderful things. And so I
+stood reading by the dustbin, with the rain pouring down, when all at
+once somebody came and clasped me round the waist.'
+
+"'Yes, and you gave him such a box on the ears that they tingled,' said
+the old man.
+
+"'I did not know that it was you,' she replied; 'but you had arrived as
+quickly as your letter, and you looked so handsome, and, indeed, so you
+are still. You had a large yellow silk handkerchief in your pocket and
+a shiny hat on your head. You looked quite fine. And all the time what
+weather it was, and how dismal the street looked!'
+
+"'And then do you remember,' said he, 'when we were married, and our
+first boy came, and then Marie, and Niels, and Peter, and Hans
+Christian?'
+
+"'Indeed I do,' she replied; 'and they are all grown up respectable men
+and women, whom every one likes.'
+
+"'And now their children have little ones,' said the old sailor. 'There
+are great-grandchildren for us, strong and healthy too. Was it not about
+this time of year that we were married?'
+
+"'Yes, and to-day is the golden-wedding day,' said Elder-tree Mother,
+popping her head out just between the two old people; and they thought
+it was a neighbor nodding to them. Then they looked at each other and
+clasped their hands together. Presently came their children and
+grand*-children, who knew very well that it was the golden-wedding day.
+They had already wished them joy on that very morning, but the old
+people had forgotten it, although they remembered so well all that had
+happened many years before. And the elder tree smelled sweet, and the
+setting sun shone upon the faces of the old people till they looked
+quite ruddy. And the youngest of their grandchildren danced round them
+joyfully, and said they were going to have a feast in the evening, and
+there were to be hot potatoes. Then the Elder Mother nodded in the tree
+and cried 'Hurrah!' with all the rest."
+
+"But that is not a story," said the little boy who had been listening.
+
+"Not till you understand it," said the old man. "But let us ask the
+Elder Mother to explain it."
+
+"It was not exactly a story," said the Elder Mother, "but the story is
+coming now, and it is a true one. For out of truth the most wonderful
+stories grow, just as my beautiful elder bush has sprung out of the
+teapot." And then she took the little boy out of bed and laid him on her
+bosom, and the blooming branches of elder closed over them so that they
+sat, as it were, in a leafy bower, and the bower flew with them through
+the air in the most delightful manner.
+
+Then the Elder Mother all at once changed to a beautiful young maiden,
+but her dress was still of the same green stuff, ornamented with a
+border of white elder blossoms such as the Elder Mother had worn. In her
+bosom she wore a real elder flower, and a wreath of the same was
+entwined in her golden ringlets. Her large blue eyes were very beautiful
+to look at. She was of the same age as the boy, and they kissed each
+other and felt very happy.
+
+They left the arbor together, hand in hand, and found themselves in a
+beautiful flower garden which belonged to their home. On the green lawn
+their father's stick was tied up. There was life in this stick for the
+little ones, for no sooner did they place themselves upon it than the
+white knob changed into a pretty neighing head with a black, flowing
+mane, and four long, slender legs sprung forth. The creature was strong
+and spirited, and galloped with them round the grassplot.
+
+"Hurrah! now we will ride many miles away," said the boy; "we'll ride to
+the nobleman's estate, where we went last year."
+
+Then they rode round the grassplot again, and the little maiden, who, we
+know, was Elder-tree Mother, kept crying out: "Now we are in the
+country. Do you see the farmhouse, with a great baking oven standing out
+from the wall by the road-side like a gigantic egg? There is an elder
+spreading its branches over it, and a cock is marching about and
+scratching for the chickens. See how he struts!
+
+"Now we are near the church. There it stands on the hill, shaded by the
+great oak trees, one of which is half dead. See, here we are at the
+blacksmith's forge. How the fire burns! And the half-clad men are
+striking the hot iron with the hammer, so that the sparks fly about. Now
+then, away to the nobleman's beautiful estate!" And the boy saw all that
+the little girl spoke of as she sat behind him on the stick, for it
+passed before him although they were only galloping round the grassplot.
+Then they played together in a side walk and raked up the earth to make
+a little garden. Then she took elder flowers out of her hair and planted
+them, and they grew just like those which he had heard the old people
+talking about, and which they had planted in their young days. They
+walked about hand in hand too, just as the old people had done when they
+were children, but they did not go up the round tower nor to
+Fredericksburg garden. No; but the little girl seized the boy round the
+waist, and they rode all over the whole country (sometimes it was
+spring, then summer; then autumn and winter followed), while thousands
+of images were presented to the boy's eyes and heart, and the little
+girl constantly sang to him, "You must never forget all this." And
+through their whole flight the elder tree sent forth the sweetest
+fragrance.
+
+They passed roses and fresh beech trees, but the perfume of the elder
+tree was stronger than all, for its flowers hung round the little
+maiden's heart, against which the boy so often leaned his head during
+their flight.
+
+"It is beautiful here in the spring," said the maiden, as they stood in
+a grove of beech trees covered with fresh green leaves, while at their
+feet the sweet-scented thyme and blushing anemone lay spread amid the
+green grass in delicate bloom. "O that it were always spring in the
+fragrant beech groves!"
+
+"Here it is delightful in summer," said the maiden, as they passed old
+knights' castles telling of days gone by and saw the high walls and
+pointed gables mirrored in the rivers beneath, where swans were sailing
+about and peeping into the cool green avenues. In the fields the corn
+waved to and fro like the sea. Red and yellow flowers grew amongst the
+ruins, and the hedges were covered with wild hops and blooming
+convolvulus. In the evening the moon rose round and full, and the
+haystacks in the meadows filled the air with their sweet scent. These
+were scenes never to be forgotten.
+
+"It is lovely here also in autumn," said the little maiden, and then the
+scene changed again. The sky appeared higher and more beautifully blue,
+while the forest glowed with colors of red, green, and gold. The hounds
+were off to the chase, and large flocks of wild birds flew screaming
+over the Huns' graves, where the blackberry bushes twined round the old
+ruins. The dark blue sea was dotted with white sails, and in the barns
+sat old women, maidens, and children picking hops into a large tub. The
+young ones sang songs, and the old ones told fairy tales of wizards and
+witches. There could be nothing more pleasant than all this.
+
+"Again," said the maiden, "it is beautiful here in winter." Then in a
+moment all the trees were covered with hoarfrost, so that they looked
+like white coral. The snow crackled beneath the feet as if every one had
+on new boots, and one shooting star after another fell from the sky. In
+warm rooms there could be seen the Christmas trees, decked out with
+presents and lighted up amid festivities and joy. In the country
+farmhouses could be heard the sound of a violin, and there were games
+for apples, so that even the poorest child could say, "It is beautiful
+in winter."
+
+And beautiful indeed were all the scenes which the maiden showed to the
+little boy, and always around them floated the fragrance of the elder
+blossom, and ever above them waved the red flag with the white cross,
+under which the old seaman had sailed. The boy--who had become a youth,
+and who had gone as a sailor out into the wide world and sailed to warm
+countries where the coffee grew, and to whom the little girl had given
+an elder blossom from her bosom for a keepsake, when she took leave of
+him--placed the flower in his hymn book; and when he opened it in
+foreign lands he always turned to the spot where this flower of
+remembrance lay, and the more he looked at it the fresher it appeared.
+He could, as it were, breathe the homelike fragrance of the woods, and
+see the little girl looking at him from between the petals of the flower
+with her clear blue eyes, and hear her whispering, "It is beautiful here
+at home in spring and summer, in autumn and in winter," while hundreds
+of these home scenes passed through his memory.
+
+Many years had passed, and he was now an old man, seated with his old
+wife under an elder tree in full blossom. They were holding each other's
+hands, just as the great-grandfather and grandmother had done, and
+spoke, as they did, of olden times and of the golden wedding. The little
+maiden with the blue eyes and with the elder blossoms in her hair sat in
+the tree and nodded to them and said, "To-day is the golden wedding."
+
+[Illustration: As she placed them on the heads of the old people, each
+flower became a golden crown.]
+
+And then she took two flowers out of her wreath and kissed them, and
+they shone first like silver and then like gold, and as she placed them
+on the heads of the old people, each flower became a golden crown. And
+there they sat like a king and queen under the sweet-scented tree,
+which still looked like an elder bush. Then he related to his old wife
+the story of the Elder-tree Mother, just as he had heard it told when he
+was a little boy, and they both fancied it very much like their own
+story, especially in parts which they liked the best.
+
+"Well, and so it is," said the little maiden in the tree. "Some call me
+Elder Mother, others a dryad, but my real name is Memory. It is I who
+sit in the tree as it grows and grows, and I can think of the past and
+relate many things. Let me see if you have still preserved the flower."
+
+Then the old man opened his hymn book, and there lay the elder flower,
+as fresh as if it had only just been placed there, and Memory nodded.
+And the two old people with the golden crowns on their heads sat in the
+red glow of the evening sunlight and closed their eyes, and--and--the
+story was ended.
+
+The little boy lay in his bed and did not quite know whether he had been
+dreaming or listening to a story. The teapot stood on the table, but no
+elder bush grew out of it, and the old man who had really told the tale
+was on the threshold and just going out at the door.
+
+"How beautiful it was," said the little boy. "Mother, I have been to
+warm countries."
+
+"I can quite believe it," said his mother. "When any one drinks two full
+cups of elder-flower tea, he may well get into warm countries"; and then
+she covered him up, that he should not take cold. "You have slept well
+while I have been disputing with the old man as to whether it was a real
+story or a fairy legend."
+
+"And where is the Elder-tree Mother?" asked the boy.
+
+"She is in the teapot," said the mother, "and there she may stay."
+
+
+
+
+[Illustration]
+
+
+
+
+THE SNOW QUEEN
+
+
+STORY THE FIRST
+
+WHICH DESCRIBES A LOOKING-GLASS AND ITS BROKEN FRAGMENTS
+
+YOU must attend to the beginning of this story, for when we get to the
+end we shall know more than we now do about a very wicked hobgoblin; he
+was one of the most mischievous of all sprites, for he was a real demon.
+
+One day when he was in a merry mood he made a looking-glass which had
+the power of making everything good or beautiful that was reflected in
+it shrink almost to nothing, while everything that was worthless and bad
+was magnified so as to look ten times worse than it really was.
+
+The most lovely landscapes appeared like boiled spinach, and all the
+people became hideous and looked as if they stood on their heads and had
+no bodies. Their countenances were so distorted that no one could
+recognize them, and even one freckle on the face appeared to spread over
+the whole of the nose and mouth. The demon said this was very amusing.
+When a good or holy thought passed through the mind of any one a wrinkle
+was seen in the mirror, and then how the demon laughed at his cunning
+invention.
+
+All who went to the demon's school--for he kept a school--talked
+everywhere of the wonders they had seen, and declared that people could
+now, for the first time, see what the world and its inhabitants were
+really like. They carried the glass about everywhere, till at last there
+was not a land nor a people who had not been looked at through this
+distorted mirror.
+
+They wanted even to fly with it up to heaven to see the angels, but the
+higher they flew the more slippery the glass became, and they could
+scarcely hold it. At last it slipped from their hands, fell to the
+earth, and was broken into millions of pieces.
+
+But now the looking-glass caused more unhappiness than ever, for some of
+the fragments were not so large as a grain of sand, and they flew about
+the world into every country. And when one of these tiny atoms flew into
+a person's eye it stuck there, unknown to himself, and from that moment
+he viewed everything the wrong way, and could see only the worst side of
+what he looked at, for even the smallest fragment retained the same
+power which had belonged to the whole mirror.
+
+Some few persons even got a splinter of the looking-glass in their
+hearts, and this was terrible, for their hearts became cold and hard
+like a lump of ice. A few of the pieces were so large that they could be
+used as windowpanes; it would have been a sad thing indeed to look at
+our friends through them. Other pieces were made into spectacles, and
+this was dreadful, for those who wore them could see nothing either
+rightly or justly. At all this the wicked demon laughed till his sides
+shook, to see the mischief he had done. There are still a number of
+these little fragments of glass floating about in the air, and now you
+shall hear what happened with one of them.
+
+
+SECOND STORY
+
+A LITTLE BOY AND A LITTLE GIRL
+
+In a large town full of houses and people there is not room for
+everybody to have even a little garden. Most people are obliged to
+content themselves with a few flowers in flowerpots.
+
+In one of these large towns lived two poor children who had a garden
+somewhat larger and better than a few flowerpots. They were not brother
+and sister, but they loved each other almost as much as if they had
+been. Their parents lived opposite each other in two garrets where the
+roofs of neighboring houses nearly joined each other, and the water pipe
+ran between them. In each roof was a little window, so that any one
+could step across the gutter from one window to the other.
+
+The parents of each of these children had a large wooden box in which
+they cultivated kitchen vegetables for their own use, and in each box
+was a little rosebush which grew luxuriantly.
+
+After a while the parents decided to place these two boxes across the
+water pipe, so that they reached from one window to the other and
+looked like two banks of flowers. Sweet peas drooped over the boxes, and
+the rosebushes shot forth long branches, which were trained about the
+windows and clustered together almost like a triumphal arch of leaves
+and flowers.
+
+The boxes were very high, and the children knew they must not climb upon
+them without permission; but they often had leave to step out and sit
+upon their little stools under the rosebushes or play quietly together.
+
+In winter all this pleasure came to an end, for the windows were
+sometimes quite frozen over. But they would warm copper pennies on the
+stove and hold the warm pennies against the frozen pane; then there
+would soon be a little round hole through which they could peep, and the
+soft, bright eyes of the little boy and girl would sparkle through the
+hole at each window as they looked at each other. Their names were Kay
+and Gerda. In summer they could be together with one jump from the
+window, but in winter they had to go up and down the long staircase and
+out through the snow before they could meet.
+
+"See! there are the white bees swarming," said Kay's old grandmother one
+day when it was snowing.
+
+"Have they a queen bee?" asked the little boy, for he knew that the real
+bees always had a queen.
+
+"To be sure they have," said the grandmother. "She is flying there where
+the swarm is thickest. She is the largest of them all and never remains
+on the earth, but flies up to the dark clouds. Often at midnight she
+flies through the streets of the town and breathes with her frosty
+breath upon the windows; then the ice freezes on the panes into
+wonderful forms that look like flowers and castles."
+
+"Yes, I have seen them," said both the children; and they knew it must
+be true.
+
+"Can the Snow Queen come in here?" asked the little girl.
+
+"Only let her come," said the boy. "I'll put her on the warm stove, and
+then she'll melt."
+
+The grandmother smoothed his hair and told him more stories.
+
+That same evening when little Kay was at home, half undressed, he
+climbed upon a chair by the window and peeped out through the little
+round hole. A few flakes of snow were falling, and one of them, rather
+larger than the rest, alighted on the edge of one of the flower boxes.
+Strange to say, this snowflake grew larger and larger till at last it
+took the form of a woman dressed in garments of white gauze, which
+looked like millions of starry snowflakes linked together. She was fair
+and beautiful, but made of ice--glittering, dazzling ice. Still, she was
+alive, and her eyes sparkled like bright stars, though there was neither
+peace nor rest in them. She nodded toward the window and waved her hand.
+The little boy was frightened and sprang from the chair, and at the same
+moment it seemed as if a large bird flew by the window.
+
+On the following day there was a clear frost, and very soon came the
+spring. The sun shone; the young green leaves burst forth; the swallows
+built their nests; windows were opened, and the children sat once more
+in the garden on the roof, high above all the other rooms.
+
+[Illustration: The children sat once more in the garden on the roof....]
+
+How beautifully the roses blossomed this summer! The little girl had
+learned a hymn in which roses were spoken of. She thought of their own
+roses, and she sang the hymn to the little boy, and he sang, too:
+
+ "Roses bloom and fade away;
+ The Christ-child shall abide alway.
+ Blessed are we his face to see
+ And ever little children be."
+
+Then the little ones held each other by the hand, and kissed the roses,
+and looked at the bright sunshine, and spoke to it as if the
+Christ-child were really there. Those were glorious summer days. How
+beautiful and fresh it was out among the rosebushes, which seemed as if
+they would never leave off blooming.
+
+One day Kay and Gerda sat looking at a book of pictures of animals and
+birds. Just then, as the clock in the church tower struck twelve, Kay
+said, "Oh, something has struck my heart!" and soon after, "There is
+certainly something in my eye."
+
+The little girl put her arm round his neck and looked into his eye, but
+she could see nothing.
+
+"I believe it is gone," he said. But it was not gone; it was one of
+those bits of the looking-glass,--that magic mirror of which we have
+spoken,--the ugly glass which made everything great and good appear
+small and ugly, while all that was wicked and bad became more visible,
+and every little fault could be plainly seen. Poor little Kay had also
+received a small splinter in his heart, which very quickly turned to a
+lump of ice. He felt no more pain, but the glass was there still. "Why
+do you cry?" said he at last. "It makes you look ugly. There is nothing
+the matter with me now. Oh, fie!" he cried suddenly; "that rose is
+worm-eaten, and this one is quite crooked. After all, they are ugly
+roses, just like the box in which they stand." And then he kicked the
+boxes with his foot and pulled off the two roses.
+
+"Why, Kay, what are you doing?" cried the little girl; and then when he
+saw how grieved she was he tore off another rose and jumped through his
+own window, away from sweet little Gerda.
+
+When afterward she brought out the picture book he said, "It is only fit
+for babies in long clothes," and when grandmother told stories he would
+interrupt her with "but"; or sometimes when he could manage it he would
+get behind her chair, put on a pair of spectacles, and imitate her very
+cleverly to make the people laugh. By and by he began to mimic the
+speech and gait of persons in the street. All that was peculiar or
+disagreeable in a person he would imitate directly, and people said,
+"That boy will be very clever; he has a remarkable genius." But it was
+the piece of glass in his eye and the coldness in his heart that made
+him act like this. He would even tease little Gerda, who loved him with
+all her heart.
+
+His games too were quite different; they were not so childlike. One
+winter's day, when it snowed, he brought out a burning glass, then,
+holding out the skirt of his blue coat, let the snowflakes fall upon it.
+
+"Look in this glass, Gerda," said he, and she saw how every flake of
+snow was magnified and looked like a beautiful flower or a glittering
+star.
+
+"Is it not clever," said Kay, "and much more interesting than looking at
+real flowers? There is not a single fault in it. The snowflakes are
+quite perfect till they begin to melt."
+
+Soon after, Kay made his appearance in large, thick gloves and with his
+sledge at his back. He called upstairs to Gerda, "I've got leave to go
+into the great square, where the other boys play and ride." And away he
+went.
+
+In the great square the boldest among the boys would often tie their
+sledges to the wagons of the country people and so get a ride. This was
+capital. But while they were all amusing themselves, and Kay with them,
+a great sledge came by; it was painted white, and in it sat some one
+wrapped in a rough white fur and wearing a white cap. The sledge drove
+twice round the square, and Kay fastened his own little sledge to it, so
+that when it went away he went with it. It went faster and faster right
+through the next street, and the person who drove turned round and
+nodded pleasantly to Kay as if they were well acquainted with each
+other; but whenever Kay wished to loosen his little sledge the driver
+turned and nodded as if to signify that he was to stay, so Kay sat
+still, and they drove out through the town gate.
+
+Then the snow began to fall so heavily that the little boy could not see
+a hand's breadth before him, but still they drove on. He suddenly
+loosened the cord so that the large sledge might go on without him, but
+it was of no use; his little carriage held fast, and away they went like
+the wind. Then he called out loudly, but nobody heard him, while the
+snow beat upon him, and the sledge flew onward. Every now and then it
+gave a jump, as if they were going over hedges and ditches. The boy was
+frightened and tried to say a prayer, but he could remember nothing but
+the multiplication table.
+
+The snowflakes became larger and larger, till they appeared like great
+white birds. All at once they sprang on one side, the great sledge
+stopped, and the person who had driven it rose up. The fur and the cap,
+which were made entirely of snow, fell off, and he saw a lady, tall and
+white; it was the Snow Queen.
+
+"We have driven well," said she; "but why do you tremble so? Here, creep
+into my warm fur." Then she seated him beside her in the sledge, and as
+she wrapped the fur about him, he felt as if he were sinking into a
+snowdrift.
+
+"Are you still cold?" she asked, as she kissed him on the forehead. The
+kiss was colder than ice; it went quite through to his heart, which was
+almost a lump of ice already. He felt as if he were going to die, but
+only for a moment--he soon seemed quite well and did not notice the cold
+all around him.
+
+"My sledge! Don't forget my sledge," was his first thought, and then he
+looked and saw that it was bound fast to one of the white birds which
+flew behind him. The Snow Queen kissed little Kay again, and by this
+time he had forgotten little Gerda, his grandmother, and all at home.
+
+"Now you must have no more kisses," she said, "or I should kiss you to
+death."
+
+Kay looked at her. She was so beautiful, he could not imagine a more
+lovely face; she did not now seem to be made of ice as when he had seen
+her through his window and she had nodded to him.
+
+In his eyes she was perfect, and he did not feel at all afraid. He told
+her he could do mental arithmetic as far as fractions, and that he knew
+the number of square miles and the number of inhabitants in the country.
+She smiled, and it occurred to him that she thought he did not yet know
+so very much.
+
+He looked around the vast expanse as she flew higher and higher with him
+upon a black cloud, while the storm blew and howled as if it were
+singing songs of olden time. They flew over woods and lakes, over sea
+and land; below them roared the wild wind; wolves howled, and the snow
+crackled; over them flew the black, screaming crows, and above all shone
+the moon, clear and bright--and so Kay passed through the long, long
+winter's night, and by day he slept at the feet of the Snow Queen.
+
+
+THIRD STORY
+
+THE ENCHANTED FLOWER GARDEN
+
+But how fared little Gerda in Kay's absence?
+
+What had become of him no one knew, nor could any one give the slightest
+information, excepting the boys, who said that he had tied his sledge to
+another very large one, which had driven through the street and out at
+the town gate. No one knew where it went. Many tears were shed for him,
+and little Gerda wept bitterly for a long time. She said she knew he
+must be dead, that he was drowned in the river which flowed close by
+the school. The long winter days were very dreary. But at last spring
+came with warm sunshine.
+
+"Kay is dead and gone," said little Gerda.
+
+"I don't believe it," said the sunshine.
+
+"He is dead and gone," she said to the sparrows.
+
+"We don't believe it," they replied, and at last little Gerda began to
+doubt it herself.
+
+"I will put on my new red shoes," she said one morning, "those that Kay
+has never seen, and then I will go down to the river and ask for him."
+
+It was quite early when she kissed her old grandmother, who was still
+asleep; then she put on her red shoes and went, quite alone, out of the
+town gate, toward the river.
+
+"Is it true that you have taken my little playmate away from me?" she
+said to the river. "I will give you my red shoes if you will give him
+back to me."
+
+And it seemed as if the waves nodded to her in a strange manner. Then
+she took off her red shoes, which she liked better than anything else,
+and threw them both into the river, but they fell near the bank, and
+the little waves carried them back to land just as if the river would
+not take from her what she loved best, because it could not give her
+back little Kay.
+
+But she thought the shoes had not been thrown out far enough. Then she
+crept into a boat that lay among the reeds, and threw the shoes again
+from the farther end of the boat into the water; but it was not
+fastened, and her movement sent it gliding away from the land. When she
+saw this she hastened to reach the end of the boat, but before she could
+do so it was more than a yard from the bank and drifting away faster
+than ever.
+
+Little Gerda was very much frightened. She began to cry, but no one
+heard her except the sparrows, and they could not carry her to land, but
+they flew along by the shore and sang as if to comfort her: "Here we
+are! Here we are!"
+
+The boat floated with the stream, and little Gerda sat quite still with
+only her stockings on her feet; the red shoes floated after her, but she
+could not reach them because the boat kept so much in advance.
+
+[Illustration: There came a very old woman out of the house]
+
+The banks on either side of the river were very pretty. There were
+beautiful flowers, old trees, sloping fields in which cows and sheep
+were grazing, but not a human being to be seen.
+
+"Perhaps the river will carry me to little Kay," thought Gerda, and then
+she became more cheerful, and raised her head and looked at the
+beautiful green banks; and so the boat sailed on for hours. At length
+she came to a large cherry orchard, in which stood a small house with
+strange red and blue windows. It had also a thatched roof, and outside
+were two wooden soldiers that presented arms to her as she sailed past.
+Gerda called out to them, for she thought they were alive; but of course
+they did not answer, and as the boat drifted nearer to the shore she saw
+what they really were.
+
+Then Gerda called still louder, and there came a very old woman out of
+the house, leaning on a crutch. She wore a large hat to shade her from
+the sun, and on it were painted all sorts of pretty flowers.
+
+"You poor little child," said the old woman, "how did you manage to come
+this long, long distance into the wide world on such a rapid, rolling
+stream?" And then the old woman walked into the water, seized the boat
+with her crutch, drew it to land, and lifted little Gerda out. And Gerda
+was glad to feel herself again on dry ground, although she was rather
+afraid of the strange old woman.
+
+"Come and tell me who you are," said she, "and how you came here."
+
+Then Gerda told her everything, while the old woman shook her head and
+said, "Hem-hem"; and when Gerda had finished she asked the old woman if
+she had not seen little Kay. She told her he had not passed that way,
+but he very likely would come. She told Gerda not to be sorrowful, but
+to taste the cherries and look at the flowers; they were better than any
+picture book, for each of them could tell a story. Then she took Gerda
+by the hand, and led her into the little house, and closed the door. The
+windows were very high, and as the panes were red, blue, and yellow, the
+daylight shone through them in all sorts of singular colors. On the
+table stood some beautiful cherries, and Gerda had permission to eat as
+many as she would. While she was eating them the old woman combed out
+her long flaxen ringlets with a golden comb, and the glossy curls hung
+down on each side of the little round, pleasant face, which looked fresh
+and blooming as a rose.
+
+"I have long been wishing for a dear little maiden like you," said the
+old woman, "and now you must stay with me and see how happily we shall
+live together." And while she went on combing little Gerda's hair the
+child thought less and less about her adopted brother Kay, for the old
+woman was an enchantress, although she was not a wicked witch; she
+conjured only a little for her own amusement, and, now, because she
+wanted to keep Gerda. Therefore she went into the garden and stretched
+out her crutch toward all the rose trees, beautiful though they were,
+and they immediately sank into the dark earth, so that no one could tell
+where they had once stood. The old woman was afraid that if little Gerda
+saw roses, she would think of those at home and then remember little Kay
+and run away.
+
+Then she took Gerda into the flower garden. How fragrant and beautiful
+it was! Every flower that could be thought of, for every season of the
+year, was here in full bloom; no picture book could have more beautiful
+colors. Gerda jumped for joy, and played till the sun went down behind
+the tall cherry trees; then she slept in an elegant bed, with red silk
+pillows embroidered with colored violets, and she dreamed as pleasantly
+as a queen on her wedding day.
+
+The next day, and for many days after, Gerda played with the flowers in
+the warm sunshine. She knew every flower, and yet, although there were
+so many of them, it seemed as if one were missing, but what it was she
+could not tell. One day, however, as she sat looking at the old woman's
+hat with the painted flowers on it, she saw that the prettiest of them
+all was a rose. The old woman had forgotten to take it from her hat when
+she made all the roses sink into the earth. But it is difficult to keep
+the thoughts together in everything, and one little mistake upsets all
+our arrangements.
+
+"What! are there no roses here?" cried Gerda, and she ran out into the
+garden and examined all the beds, and searched and searched. There was
+not one to be found. Then she sat down and wept, and her tears fell just
+on the place where one of the rose trees had sunk down. The warm tears
+moistened the earth, and the rose tree sprouted up at once, as blooming
+as when it had sunk; and Gerda embraced it, and kissed the roses, and
+thought of the beautiful roses at home, and, with them, of little Kay.
+
+"Oh, how I have been detained!" said the little maiden. "I wanted to
+seek for little Kay. Do you know where he is?" she asked the roses; "do
+you think he is dead?"
+
+And the roses answered: "No, he is not dead. We have been in the ground,
+where all the dead lie, but Kay is not there."
+
+"Thank you," said little Gerda, and then she went to the other flowers
+and looked into their little cups and asked, "Do you know where little
+Kay is?" But each flower as it stood in the sunshine dreamed only of its
+own little fairy tale or history. Not one knew anything of Kay. Gerda
+heard many stories from the flowers, as she asked them one after another
+about him.
+
+And then she ran to the other end of the garden. The door was fastened,
+but she pressed against the rusty latch, and it gave way. The door
+sprang open, and little Gerda ran out with bare feet into the wide
+world. She looked back three times, but no one seemed to be following
+her. At last she could run no longer, so she sat down to rest on a great
+stone, and when she looked around she saw that the summer was over and
+autumn very far advanced. She had known nothing of this in the beautiful
+garden where the sun shone and the flowers grew all the year round.
+
+"Oh, how I have wasted my time!" said little Gerda. "It is autumn; I
+must not rest any longer," and she rose to go on. But her little feet
+were wounded and sore, and everything around her looked cold and bleak.
+The long willow leaves were quite yellow, the dewdrops fell like water,
+leaf after leaf dropped from the trees; the sloe thorn alone still bore
+fruit, but the sloes were sour and set the teeth on edge. Oh, how dark
+and weary the whole world appeared!
+
+
+FOURTH STORY
+
+THE PRINCE AND PRINCESS
+
+Gerda was obliged to rest again, and just opposite the place where she
+sat she saw a great crow come hopping toward her across the snow. He
+stood looking at her for some time, and then he wagged his head and
+said, "Caw, caw, good day, good day." He pronounced the words as plainly
+as he could, because he meant to be kind to the little girl, and then he
+asked her where she was going all alone in the wide world.
+
+The word "alone" Gerda understood very well and felt how much it
+expressed. So she told the crow the whole story of her life and
+adventures and asked him if he had seen little Kay.
+
+The crow nodded his head very gravely and said, "Perhaps I have--it may
+be."
+
+"No! Do you really think you have?" cried little Gerda, and she kissed
+the crow and hugged him almost to death, with joy.
+
+"Gently, gently," said the crow. "I believe I know. I think it may be
+little Kay; but he has certainly forgotten you by this time, for the
+princess."
+
+"Does he live with a princess?" asked Gerda.
+
+"Yes, listen," replied the crow; "but it is so difficult to speak your
+language. If you understand the crows' language, then I can explain it
+better. Do you?"
+
+"No, I have never learned it," said Gerda, "but my grandmother
+understands it, and used to speak it to me. I wish I had learned it."
+
+"It does not matter," answered the crow. "I will explain as well as I
+can, although it will be very badly done"; and he told her what he had
+heard.
+
+"In this kingdom where we now are," said he, "there lives a princess who
+is so wonderfully clever that she has read all the newspapers in the
+world--and forgotten them too, although she is so clever.
+
+"A short time ago, as she was sitting on her throne, which people say is
+not such an agreeable seat as is often supposed, she began to sing a
+song which commences with these words:
+
+ Why should I not be married?
+
+'Why not, indeed?' said she, and so she determined to marry if she could
+find a husband who knew what to say when he was spoken to, and not one
+who could only look grand, for that was so tiresome. She assembled all
+her court ladies at the beat of the drum, and when they heard of her
+intentions they were very much pleased.
+
+"'We are so glad to hear of it,' said they. 'We were talking about it
+ourselves the other day.'
+
+"You may believe that every word I tell you is true," said the crow,
+"for I have a tame sweetheart who hops freely about the palace, and she
+told me all this."
+
+Of course his sweetheart was a crow, for "birds of a feather flock
+together," and one crow always chooses another crow.
+
+"Newspapers were published immediately with a border of hearts and the
+initials of the princess among them. They gave notice that every young
+man who was handsome was free to visit the castle and speak with the
+princess, and those who could reply loud enough to be heard when spoken
+to were to make themselves quite at home at the palace, and the one who
+spoke best would be chosen as a husband for the princess.
+
+"Yes, yes, you may believe me. It is all as true as I sit here," said
+the crow.
+
+"The people came in crowds. There was a great deal of crushing and
+running about, but no one succeeded either on the first or the second
+day. They could all speak very well while they were outside in the
+streets, but when they entered the palace gates and saw the guards in
+silver uniforms and the footmen in their golden livery on the staircase
+and the great halls lighted up, they became quite confused. And when
+they stood before the throne on which the princess sat they could do
+nothing but repeat the last words she had said, and she had no
+particular wish to hear her own words over again. It was just as if they
+had all taken something to make them sleepy while they were in the
+palace, for they did not recover themselves nor speak till they got back
+again into the street. There was a long procession of them, reaching
+from the town gate to the palace.
+
+"I went myself to see them," said the crow. "They were hungry and
+thirsty, for at the palace they did not even get a glass of water. Some
+of the wisest had taken a few slices of bread and butter with them, but
+they did not share it with their neighbors; they thought if the others
+went in to the princess looking hungry, there would be a better chance
+for themselves."
+
+"But Kay! tell me about little Kay!" said Gerda. "Was he among the
+crowd?"
+
+"Stop a bit; we are just coming to him. It was on the third day that
+there came marching cheerfully along to the palace a little personage
+without horses or carriage, his eyes sparkling like yours. He had
+beautiful long hair, but his clothes were very poor."
+
+"That was Kay," said Gerda, joyfully. "Oh, then I have found him!" and
+she clapped her hands.
+
+"He had a little knapsack on his back," added the crow.
+
+"No, it must have been his sledge," said Gerda, "for he went away with
+it."
+
+"It may have been so," said the crow; "I did not look at it very
+closely. But I know from my tame sweetheart that he passed through the
+palace gates, saw the guards in their silver uniform and the servants in
+their liveries of gold on the stairs, but was not in the least
+embarrassed.
+
+"'It must be very tiresome to stand on the stairs,' he said. 'I prefer
+to go in.'
+
+"The rooms were blazing with light; councilors and ambassadors walked
+about with bare feet, carrying golden vessels; it was enough to make any
+one feel serious. His boots creaked loudly as he walked, and yet he was
+not at all uneasy."
+
+"It must be Kay," said Gerda; "I know he had new boots on. I heard them
+creak in grandmother's room."
+
+"They really did creak," said the crow, "yet he went boldly up to the
+princess herself, who was sitting on a pearl as large as a spinning
+wheel. And all the ladies of the court were present with their maids and
+all the cavaliers with their servants, and each of the maids had another
+maid to wait upon her, and the cavaliers' servants had their own
+servants as well as each a page. They all stood in circles round the
+princess, and the nearer they stood to the door the prouder they looked.
+The servants' pages, who always wore slippers, could hardly be looked
+at, they held themselves up so proudly by the door."
+
+"It must be quite awful," said little Gerda; "but did Kay win the
+princess?"
+
+"If I had not been a crow," said he, "I would have married her myself,
+although I am engaged. He spoke as well as I do when I speak the crows'
+language. I heard this from my tame sweetheart. He was quite free and
+agreeable and said he had not come to woo the princess, but to hear her
+wisdom. And he was as pleased with her as she was with him."
+
+"Oh, certainly that was Kay," said Gerda; "he was so clever; he could
+work mental arithmetic and fractions. Oh, will you take me to the
+palace?"
+
+"It is very easy to ask that," replied the crow, "but how are we to
+manage it? However, I will speak about it to my tame sweetheart and ask
+her advice, for, I must tell you, it will be very difficult to gain
+permission for a little girl like you to enter the palace."
+
+"Oh, yes, but I shall gain permission easily," said Gerda, "for when Kay
+hears that I am here he will come out and fetch me in immediately."
+
+"Wait for me here by the palings," said the crow, wagging his head as he
+flew away.
+
+It was late in the evening before the crow returned. "Caw, caw!" he
+said; "she sends you greeting, and here is a little roll which she took
+from the kitchen for you. There is plenty of bread there, and she thinks
+you must be hungry. It is not possible for you to enter the palace by
+the front entrance. The guards in silver uniform and the servants in
+gold livery would not allow it. But do not cry; we will manage to get
+you in. My sweetheart knows a little back staircase that leads to the
+sleeping apartments, and she knows where to find the key."
+
+Then they went into the garden, through the great avenue, where the
+leaves were falling one after another, and they could see the lights in
+the palace being put out in the same manner. And the crow led little
+Gerda to a back door which stood ajar. Oh! how her heart beat with
+anxiety and longing; it was as if she were going to do something wrong,
+and yet she only wanted to know where little Kay was.
+
+"It must be he," she thought, "with those clear eyes and that long
+hair."
+
+She could fancy she saw him smiling at her as he used to at home when
+they sat among the roses. He would certainly be glad to see her, and to
+hear what a long distance she had come for his sake, and to know how
+sorry they had all been at home because he did not come back. Oh, what
+joy and yet what fear she felt!
+
+They were now on the stairs, and in a small closet at the top a lamp was
+burning. In the middle of the floor stood the tame crow, turning her
+head from side to side and gazing at Gerda, who curtsied as her
+grandmother had taught her to do.
+
+"My betrothed has spoken so very highly of you, my little lady," said
+the tame crow. "Your story is very touching. If you will take the lamp,
+I will walk before you. We will go straight along this way; then we
+shall meet no one."
+
+"I feel as if somebody were behind us," said Gerda, as something rushed
+by her like a shadow on the wall; and then it seemed to her that horses
+with flying manes and thin legs, hunters, ladies and gentlemen on
+horseback, glided by her like shadows.
+
+"They are only dreams," said the crow; "they are coming to carry the
+thoughts of the great people out hunting. All the better, for if their
+thoughts are out hunting, we shall be able to look at them in their beds
+more safely. I hope that when you rise to honor and favor you will show
+a grateful heart."
+
+"You may be quite sure of that," said the crow from the forest.
+
+They now came into the first hall, the walls of which were hung with
+rose-colored satin embroidered with artificial flowers. Here the dreams
+again flitted by them, but so quickly that Gerda could not distinguish
+the royal persons. Each hall appeared more splendid than the last. It
+was enough to bewilder one. At length they reached a bedroom. The
+ceiling was like a great palm tree, with glass leaves of the most costly
+crystal, and over the center of the floor two beds, each resembling a
+lily, hung from a stem of gold. One, in which the princess lay, was
+white; the other was red. And in this Gerda had to seek for little Kay.
+
+She pushed one of the red leaves aside and saw a little brown neck. Oh,
+that must be Kay! She called his name loudly and held the lamp over him.
+The dreams rushed back into the room on horseback. He woke and turned
+his head round--it was not little Kay! The prince was only like him;
+still he was young and pretty. Out of her white-lily bed peeped the
+princess, and asked what was the matter. Little Gerda wept and told her
+story, and all that the crows had done to help her.
+
+"You poor child," said the prince and princess; then they praised the
+crows, and said they were not angry with them for what they had done,
+but that it must not happen again, and that this time they should be
+rewarded.
+
+"Would you like to have your freedom?" asked the princess, "or would you
+prefer to be raised to the position of court crows, with all that is
+left in the kitchen for yourselves?"
+
+Then both the crows bowed and begged to have a fixed appointment; for
+they thought of their old age, and it would be so comfortable, they
+said, to feel that they had made provision for it.
+
+[Illustration: The prince and princess themselves helped her into the
+coach.]
+
+And then the prince got out of his bed and gave it up to Gerda--he could
+not do more--and she lay down. She folded her little hands and thought,
+"How good everybody is to me, both men and animals"; then she closed
+her eyes and fell into a sweet sleep. All the dreams came flying back
+again to her, looking like angels now, and one of them drew a little
+sledge, on which sat Kay, who nodded to her. But all this was only a
+dream. It vanished as soon as she awoke.
+
+The following day she was dressed from head to foot in silk and velvet
+and invited to stay at the palace for a few days and enjoy herself; but
+she only begged for a pair of boots and a little carriage and a horse to
+draw it, so that she might go out into the wide world to seek for Kay.
+
+And she obtained not only boots but a muff, and was neatly dressed; and
+when she was ready to go, there at the door she found a coach made of
+pure gold with the coat of arms of the prince and princess shining upon
+it like a star, and the coachman, footman, and outriders all wearing
+golden crowns upon their heads. The prince and princess themselves
+helped her into the coach and wished her success.
+
+The forest crow, who was now married, accompanied her for the first
+three miles; he sat by Gerda's side, as he could not bear riding
+backwards. The tame crow stood in the doorway flapping her wings. She
+could not go with them, because she had been suffering from headache
+ever since the new appointment, no doubt from overeating. The coach was
+well stored with sweet cakes, and under the seat were fruit and
+gingerbread nuts.
+
+"Farewell, farewell," cried the prince and princess, and little Gerda
+wept, and the crow wept; and then, after a few miles, the crow also said
+farewell, and this parting was even more sad. However he flew to a tree
+and stood flapping his black wings as long as he could see the coach,
+which glittered like a sunbeam.
+
+
+FIFTH STORY
+
+THE LITTLE ROBBER GIRL
+
+The coach drove on through a thick forest, where it lighted up the way
+like a torch and dazzled the eyes of some robbers, who could not bear to
+let it pass them unmolested.
+
+"It is gold! it is gold!" cried they, rushing forward and seizing the
+horses. Then they struck dead the little jockeys, the coachman, and the
+footman, and pulled little Gerda out of the carriage.
+
+"She is plump and pretty. She has been fed with the kernels of nuts,"
+said the old robber woman, who had a long beard, and eyebrows that hung
+over her eyes. "She is as good as a fatted lamb; how nice she will
+taste!" and as she said this she drew forth a shining knife, that
+glittered horribly. "Oh!" screamed the old woman at the same moment, for
+her own daughter, who held her back, had bitten her in the ear. "You
+naughty girl," said the mother, and now she had not time to kill Gerda.
+
+"She shall play with me," said the little robber girl. "She shall give
+me her muff and her pretty dress, and sleep with me in my bed." And then
+she bit her mother again, and all the robbers laughed.
+
+"I will have a ride in the coach," said the little robber girl, and she
+would have her own way, for she was self-willed and obstinate.
+
+She and Gerda seated themselves in the coach and drove away over stumps
+and stones, into the depths of the forest. The little robber girl was
+about the same size as Gerda, but stronger; she had broader shoulders
+and a darker skin; her eyes were quite black, and she had a mournful
+look. She clasped little Gerda round the waist and said:
+
+"They shall not kill you as long as you don't make me vexed with you. I
+suppose you are a princess."
+
+"No," said Gerda; and then she told her all her history and how fond she
+was of little Kay.
+
+The robber girl looked earnestly at her, nodded her head slightly, and
+said, "They shan't kill you even if I do get angry with you, for I will
+do it myself." And then she wiped Gerda's eyes and put her own hands
+into the beautiful muff, which was so soft and warm.
+
+The coach stopped in the courtyard of a robber's castle, the walls of
+which were full of cracks from top to bottom. Ravens and crows flew in
+and out of the holes and crevices, while great bulldogs, each of which
+looked as if it could swallow a man, were jumping about; but they were
+not allowed to bark.
+
+In the large old smoky hall a bright fire was burning on the stone
+floor. There was no chimney, so the smoke went up to the ceiling and
+found a way out for itself. Soup was boiling in a large cauldron, and
+hares and rabbits were roasting on the spit.
+
+"You shall sleep with me and all my little animals to-night," said the
+robber girl after they had had something to eat and drink. So she took
+Gerda to a corner of the hall where some straw and carpets were laid
+down. Above them, on laths and perches, were more than a hundred pigeons
+that all seemed to be asleep, although they moved slightly when the two
+little girls came near them. "These all belong to me," said the robber
+girl, and she seized the nearest to her, held it by the feet, and shook
+it till it flapped its wings. "Kiss it," cried she, flapping it in
+Gerda's face.
+
+"There sit the wood pigeons," continued she, pointing to a number of
+laths and a cage which had been fixed into the walls, near one of the
+openings. "Both rascals would fly away directly, if they were not
+closely locked up. And here is my old sweetheart 'Ba,'" and she dragged
+out a reindeer by the horn; he wore a bright copper ring round his neck
+and was tethered to the spot. "We are obliged to hold him tight too,
+else he would run away from us also. I tickle his neck every evening
+with my sharp knife, which frightens him very much." And the robber girl
+drew a long knife from a chink in the wall and let it slide gently over
+the reindeer's neck. The poor animal began to kick, and the little
+robber girl laughed and pulled down Gerda into bed with her.
+
+"Will you have that knife with you while you are asleep?" asked Gerda,
+looking at it in great fright.
+
+"I always sleep with the knife by me," said the robber girl. "No one
+knows what may happen. But now tell me again all about little Kay, and
+why you went out into the world."
+
+Then Gerda repeated her story over again, while the wood pigeons in the
+cage over her cooed, and the other pigeons slept. The little robber girl
+put one arm across Gerda's neck, and held the knife in the other, and
+was soon fast asleep and snoring. But Gerda could not close her eyes at
+all; she knew not whether she was to live or to die. The robbers sat
+round the fire, singing and drinking. It was a terrible sight for a
+little girl to witness.
+
+Then the wood pigeons said: "Coo, coo, we have seen little Kay. A white
+fowl carried his sledge, and he sat in the carriage of the Snow Queen,
+which drove through the wood while we were lying in our nest. She blew
+upon us, and all the young ones died, excepting us two. Coo, coo."
+
+"What are you saying up there?" cried Gerda. "Where was the Snow Queen
+going? Do you know anything about it?"
+
+"She was most likely traveling to Lapland, where there is always snow
+and ice. Ask the reindeer that is fastened up there with a rope."
+
+"Yes, there is always snow and ice," said the reindeer, "and it is a
+glorious place; you can leap and run about freely on the sparkling icy
+plains. The Snow Queen has her summer tent there, but her strong castle
+is at the North Pole, on an island called Spitzbergen."
+
+"O Kay, little Kay!" sighed Gerda.
+
+"Lie still," said the robber girl, "or you shall feel my knife."
+
+In the morning Gerda told her all that the wood pigeons had said, and
+the little robber girl looked quite serious, and nodded her head and
+said: "That is all talk, that is all talk. Do you know where Lapland
+is?" she asked the reindeer.
+
+"Who should know better than I do?" said the animal, while his eyes
+sparkled. "I was born and brought up there and used to run about the
+snow-covered plains."
+
+"Now listen," said the robber girl; "all our men are gone away; only
+mother is here, and here she will stay; but at noon she always drinks
+out of a great bottle, and afterwards sleeps for a little while; and
+then I'll do something for you." She jumped out of bed, clasped her
+mother round the neck, and pulled her by the beard, crying, "My own
+little nanny goat, good morning!" And her mother pinched her nose till
+it was quite red; yet she did it all for love.
+
+When the mother had gone to sleep the little robber maiden went to the
+reindeer and said: "I should like very much to tickle your neck a few
+times more with my knife, for it makes you look so funny, but never
+mind--I will untie your cord and set you free, so that you may run away
+to Lapland; but you must make good use of your legs and carry this
+little maiden to the castle of the Snow Queen, where her playfellow is.
+You have heard what she told me, for she spoke loud enough, and you were
+listening."
+
+The reindeer jumped for joy, and the little robber girl lifted Gerda on
+his back and had the forethought to tie her on and even to give her her
+own little cushion to sit upon.
+
+"Here are your fur boots for you," said she, "for it will be very cold;
+but I must keep the muff, it is so pretty. However, you shall not be
+frozen for the want of it; here are my mother's large warm mittens; they
+will reach up to your elbows. Let me put them on. There, now your hands
+look just like my mother's."
+
+But Gerda wept for joy.
+
+"I don't like to see you fret," said the little robber girl. "You ought
+to look quite happy now. And here are two loaves and a ham, so that you
+need not starve."
+
+These were fastened upon the reindeer, and then the little robber maiden
+opened the door, coaxed in all the great dogs, cut the string with
+which the reindeer was fastened, with her sharp knife, and said, "Now
+run, but mind you take good care of the little girl." And Gerda
+stretched out her hand, with the great mitten on it, toward the little
+robber girl and said "Farewell," and away flew the reindeer over stumps
+and stones, through the great forest, over marshes and plains, as
+quickly as he could. The wolves howled and the ravens screamed, while up
+in the sky quivered red lights like flames of fire. "There are my old
+northern lights," said the reindeer; "see how they flash!" And he ran on
+day and night still faster and faster, but the loaves and the ham were
+all eaten by the time they reached Lapland.
+
+
+SIXTH STORY
+
+THE LAPLAND WOMAN AND THE FINLAND WOMAN
+
+They stopped at a little hut; it was very mean looking. The roof sloped
+nearly down to the ground, and the door was so low that the family had
+to creep in on their hands and knees when they went in and out. There
+was no one at home but an old Lapland woman who was dressing fish by the
+light of a train-oil lamp.
+
+The reindeer told her all about Gerda's story after having first told
+his own, which seemed to him the most important. But Gerda was so
+pinched with the cold that she could not speak.
+
+"Oh, you poor things," said the Lapland woman, "you have a long way to
+go yet. You must travel more than a hundred miles farther, to Finland.
+The Snow Queen lives there now, and she burns Bengal lights every
+evening. I will write a few words on a dried stockfish, for I have no
+paper, and you can take it from me to the Finland woman who lives there.
+She can give you better information than I can."
+
+So when Gerda was warmed and had taken something to eat and drink, the
+woman wrote a few words on the dried fish and told Gerda to take great
+care of it. Then she tied her again on the back of the reindeer, and he
+sprang high into the air and set off at full speed. Flash, flash, went
+the beautiful blue northern lights the whole night long.
+
+And at length they reached Finland and knocked at the chimney of the
+Finland woman's hut, for it had no door above the ground. They crept in,
+but it was so terribly hot inside that the woman wore scarcely any
+clothes. She was small and very dirty looking. She loosened little
+Gerda's dress and took off the fur boots and the mittens, or Gerda would
+have been unable to bear the heat; and then she placed a piece of ice on
+the reindeer's head and read what was written on the dried fish. After
+she had read it three times she knew it by heart, so she popped the fish
+into the soup saucepan, as she knew it was good to eat, and she never
+wasted anything.
+
+The reindeer told his own story first and then little Gerda's, and the
+Finlander twinkled with her clever eyes, but said nothing.
+
+"You are so clever," said the reindeer; "I know you can tie all the
+winds of the world with a piece of twine. If a sailor unties one knot,
+he has a fair wind; when he unties the second, it blows hard; but if the
+third and fourth are loosened, then comes a storm which will root up
+whole forests. Cannot you give this little maiden something which will
+make her as strong as twelve men, to overcome the Snow Queen?"
+
+"The power of twelve men!" said the Finland woman. "That would be of
+very little use." But she went to a shelf and took down and unrolled a
+large skin on which were inscribed wonderful characters, and she read
+till the perspiration ran down from her forehead.
+
+But the reindeer begged so hard for little Gerda, and Gerda looked at
+the Finland woman with such tender, tearful eyes, that her own eyes
+began to twinkle again. She drew the reindeer into a corner and
+whispered to him while she laid a fresh piece of ice on his head:
+"Little Kay is really with the Snow Queen, but he finds everything there
+so much to his taste and his liking that he believes it is the finest
+place in the world; and this is because he has a piece of broken glass
+in his heart and a little splinter of glass in his eye. These must be
+taken out, or he will never be a human being again, and the Snow Queen
+will retain her power over him."
+
+"But can you not give little Gerda something to help her to conquer this
+power?"
+
+"I can give her no greater power than she has already," said the woman;
+"don't you see how strong that is? how men and animals are obliged to
+serve her, and how well she has gotten through the world, barefooted as
+she is? She cannot receive any power from me greater than she now has,
+which consists in her own purity and innocence of heart. If she cannot
+herself obtain access to the Snow Queen and remove the glass fragments
+from little Kay, we can do nothing to help her. Two miles from here the
+Snow Queen's garden begins. You can carry the little girl so far, and
+set her down by the large bush which stands in the snow, covered with
+red berries. Do not stay gossiping, but come back here as quickly as you
+can." Then the Finland woman lifted little Gerda upon the reindeer, and
+he ran away with her as quickly as he could.
+
+"Oh, I have forgotten my boots and my mittens," cried little Gerda, as
+soon as she felt the cutting cold; but the reindeer dared not stop, so
+he ran on till he reached the bush with the red berries. Here he set
+Gerda down, and he kissed her, and the great bright tears trickled over
+the animal's cheeks; then he left her and ran back as fast as he could.
+
+There stood poor Gerda, without shoes, without gloves, in the midst of
+cold, dreary, ice-bound Finland. She ran forward as quickly as she
+could, when a whole regiment of snowflakes came round her. They did not,
+however, fall from the sky, which was quite clear and glittered with the
+northern lights. The snowflakes ran along the ground, and the nearer
+they came to her the larger they appeared. Gerda remembered how large
+and beautiful they looked through the burning glass. But these were
+really larger and much more terrible, for they were alive and were the
+guards of the Snow Queen and had the strangest shapes. Some were like
+great porcupines, others like twisted serpents with their heads
+stretching out, and some few were like little fat bears with their hair
+bristled; but all were dazzlingly white, and all were living snowflakes.
+
+Little Gerda repeated the Lord's Prayer, and the cold was so great that
+she could see her own breath come out of her mouth like steam, as she
+uttered the words. The steam appeared to increase as she continued her
+prayer, till it took the shape of little angels, who grew larger the
+moment they touched the earth. They all wore helmets on their heads and
+carried spears and shields. Their number continued to increase more and
+more, and by the time Gerda had finished her prayers a whole legion
+stood round her. They thrust their spears into the terrible snowflakes
+so that they shivered into a hundred pieces, and little Gerda could go
+forward with courage and safety. The angels stroked her hands and feet,
+so that she felt the cold less as she hastened on to the Snow Queen's
+castle.
+
+But now we must see what Kay is doing. In truth he thought not of little
+Gerda, and least of all that she could be standing at the front of the
+palace.
+
+
+SEVENTH STORY
+
+OF THE PALACE OF THE SNOW QUEEN AND WHAT HAPPENED THERE AT LAST
+
+The walls of the palace were formed of drifted snow, and the windows and
+doors of cutting winds. There were more than a hundred rooms in it, all
+as if they had been formed of snow blown together. The largest of them
+extended for several miles. They were all lighted up by the vivid light
+of the aurora, and were so large and empty, so icy cold and glittering!
+
+There were no amusements here; not even a little bear's ball, when the
+storm might have been the music, and the bears could have danced on
+their hind legs and shown their good manners. There were no pleasant
+games of snapdragon, or touch, nor even a gossip over the tea table for
+the young-lady foxes. Empty, vast, and cold were the halls of the Snow
+Queen.
+
+The flickering flames of the northern lights could be plainly seen,
+whether they rose high or low in the heavens, from every part of the
+castle. In the midst of this empty, endless hall of snow was a frozen
+lake, broken on its surface into a thousand forms; each piece resembled
+another, because each was in itself perfect as a work of art, and in the
+center of this lake sat the Snow Queen when she was at home. She called
+the lake "The Mirror of Reason," and said that it was the best, and
+indeed the only one, in the world.
+
+[Illustration: In the center of the lake sat the Snow Queen]
+
+Little Kay was quite blue with cold,--indeed, almost black,--but he did
+not feel it; for the Snow Queen had kissed away the icy shiverings, and
+his heart was already a lump of ice. He dragged some sharp, flat pieces
+of ice to and fro and placed them together in all kinds of positions, as
+if he wished to make something out of them--just as we try to form
+various figures with little tablets of wood, which we call a "Chinese
+puzzle." Kay's figures were very artistic; it was the icy game of reason
+at which he played, and in his eyes the figures were very remarkable and
+of the highest importance; this opinion was owing to the splinter of
+glass still sticking in his eye. He composed many complete figures,
+forming different words, but there was one word he never could manage to
+form, although he wished it very much. It was the word "Eternity."
+
+The Snow Queen had said to him, "When you can find out this, you shall
+be your own master, and I will give you the whole world and a new pair
+of skates." But he could not accomplish it.
+
+"Now I must hasten away to warmer countries," said the Snow Queen. "I
+will go and look into the black craters of the tops of the burning
+mountains, Etna and Vesuvius, as they are called. I shall make them look
+white, which will be good for them and for the lemons and the grapes."
+And away flew the Snow Queen, leaving little Kay quite alone in the
+great hall which was so many miles in length. He sat and looked at his
+pieces of ice and was thinking so deeply and sat so still that any one
+might have supposed he was frozen.
+
+Just at this moment it happened that little Gerda came through the great
+door of the castle. Cutting winds were raging around her, but she
+offered up a prayer, and the winds sank down as if they were going to
+sleep. On she went till she came to the large, empty hall and caught
+sight of Kay. She knew him directly; she flew to him and threw her arms
+around his neck and held him fast while she exclaimed, "Kay, dear little
+Kay, I have found you at last!"
+
+But he sat quite still, stiff and cold.
+
+Then little Gerda wept hot tears, which fell on his breast, and
+penetrated into his heart, and thawed the lump of ice, and washed away
+the little piece of glass which had stuck there. Then he looked at her,
+and she sang:
+
+ "Roses bloom and fade away,
+ But we the Christ-child see alway."
+
+Then Kay burst into tears. He wept so that the splinter of glass swam
+out of his eye. Then he recognized Gerda and said joyfully, "Gerda, dear
+little Gerda, where have you been all this time, and where have I been?"
+And he looked all around him and said, "How cold it is, and how large
+and empty it all looks," and he clung to Gerda, and she laughed and wept
+for joy.
+
+It was so pleasing to see them that even the pieces of ice danced, and
+when they were tired and went to lie down they formed themselves into
+the letters of the word which the Snow Queen had said he must find out
+before he could be his own master and have the whole world and a pair of
+new skates.
+
+Gerda kissed his cheeks, and they became blooming; and she kissed his
+eyes till they shone like her own; she kissed his hands and feet, and he
+became quite healthy and cheerful. The Snow Queen might come home now
+when she pleased, for there stood his certainty of freedom, in the word
+she wanted, written in shining letters of ice.
+
+Then they took each other by the hand and went forth from the great
+palace of ice. They spoke of the grandmother and of the roses on the
+roof, and as they went on the winds were at rest, and the sun burst
+forth. When they arrived at the bush with red berries, there stood the
+reindeer waiting for them, and he had brought another young reindeer
+with him, whose udders were full, and the children drank her warm milk
+and kissed her on the mouth.
+
+They carried Kay and Gerda first to the Finland woman, where they warmed
+themselves thoroughly in the hot room and had directions about their
+journey home. Next they went to the Lapland woman, who had made some new
+clothes for them and put their sleighs in order. Both the reindeer ran
+by their side and followed them as far as the boundaries of the country,
+where the first green leaves were budding. And here they took leave of
+the two reindeer and the Lapland woman, and all said farewell.
+
+Then birds began to twitter, and the forest too was full of green young
+leaves, and out of it came a beautiful horse, which Gerda remembered,
+for it was one which had drawn the golden coach. A young girl was riding
+upon it, with a shining red cap on her head and pistols in her belt. It
+was the little robber maiden, who had got tired of staying at home; she
+was going first to the north, and if that did not suit her, she meant to
+try some other part of the world. She knew Gerda directly, and Gerda
+remembered her; it was a joyful meeting.
+
+"You are a fine fellow to go gadding about in this way," said she to
+little Kay. "I should like to know whether you deserve that any one
+should go to the end of the world to find you."
+
+But Gerda patted her cheeks and asked after the prince and princess.
+
+"They are gone to foreign countries," said the robber girl.
+
+"And the crow?" asked Gerda.
+
+"Oh, the crow is dead," she replied. "His tame sweetheart is now a widow
+and wears a bit of black worsted round her leg. She mourns very
+pitifully, but it is all stuff. But now tell me how you managed to get
+him back."
+
+Then Gerda and Kay told her all about it.
+
+"Snip, snap, snurre! it's all right at last," said the robber girl.
+
+She took both their hands and promised that if ever she should pass
+through the town, she would call and pay them a visit. And then she rode
+away into the wide world.
+
+But Gerda and Kay went hand in hand toward home, and as they advanced,
+spring appeared more lovely with its green verdure and its beautiful
+flowers. Very soon they recognized the large town where they lived, and
+the tall steeples of the churches in which the sweet bells were ringing
+a merry peal, as they entered it and found their way to their
+grandmother's door.
+
+They went upstairs into the little room, where all looked just as it
+used to do. The old clock was going "Tick, tick," and the hands pointed
+to the time of day, but as they passed through the door into the room
+they perceived that they were both grown up and become a man and woman.
+The roses out on the roof were in full bloom and peeped in at the
+window, and there stood the little chairs on which they had sat when
+children, and Kay and Gerda seated themselves each on their own chair
+and held each other by the hand, while the cold, empty grandeur of the
+Snow Queen's palace vanished from their memories like a painful dream.
+
+The grandmother sat in God's bright sunshine, and she read aloud from
+the Bible, "Except ye become as little children, ye shall in no wise
+enter into the kingdom of God." And Kay and Gerda looked into each
+other's eyes and all at once understood the words of the old song:
+
+ Roses bloom and fade away,
+ But we the Christ-child see alway.
+
+And they both sat there, grown up, yet children at heart, and it was
+summer--warm, beautiful summer.
+
+
+
+
+[Illustration]
+
+
+
+
+THE ROSES AND THE SPARROWS
+
+
+IT really appeared as if something very important were going on by the
+duck pond, but this was not the case.
+
+A few minutes before, all the ducks had been resting on the water or
+standing on their heads--for that they can do--and then they all swam in
+a bustle to the shore. The traces of their feet could be seen on the wet
+earth, and far and wide could be heard their quacking. The water, so
+lately clear and bright as a mirror, was in quite a commotion.
+
+But a moment before, every tree and bush near the old farmhouse--and
+even the house itself with the holes in the roof and the swallows' nests
+and, above all, the beautiful rosebush covered with roses--had been
+clearly reflected in the water. The rosebush on the wall hung over the
+water, which resembled a picture only that everything appeared upside
+down, but when the water was set in motion all vanished, and the picture
+disappeared.
+
+Two feathers, dropped by the fluttering ducks, floated to and fro on the
+water. All at once they took a start as if the wind were coming, but it
+did not come, so they were obliged to lie still, as the water became
+again quiet and at rest. The roses could once more behold their own
+reflections. They were very beautiful, but they knew it not, for no one
+had told them. The sun shone between the delicate leaves, and the sweet
+fragrance spread itself, carrying happiness everywhere.
+
+"How beautiful is our existence!" said one of the roses. "I feel as if I
+should like to kiss the sun, it is so bright and warm. I should like to
+kiss the roses too, our images in the water, and the pretty birds there
+in their nests. There are some birds too in the nest above us; they
+stretch out their heads and cry 'Tweet, tweet,' very faintly. They have
+no feathers yet, such as their father and mother have. Both above us and
+below us we have good neighbors. How beautiful is our life!"
+
+The young birds above and the young ones below were the same; they were
+sparrows, and their nest was reflected in the water. Their parents were
+sparrows also, and they had taken possession of an empty swallow's nest
+of the year before, occupying it now as if it were their own.
+
+"Are those ducks' children that are swimming about? asked the young
+sparrows, as they spied the feathers on the water.
+
+"If you must ask questions, pray ask sensible ones," said the mother.
+"Can you not see that these are feathers, the living stuff for clothes,
+which I wear and which you will wear soon, only ours are much finer? I
+should like, however, to have them up here in the nest, they would make
+it so warm. I am rather curious to know why the ducks were so alarmed
+just now. It could not be from fear of us, certainly, though I did say
+'tweet' rather loudly. The thick-headed roses really ought to know, but
+they are very ignorant; they only look at one another and smell. I am
+heartily tired of such neighbors."
+
+"Listen to the sweet little birds above us," said the roses; "they are
+trying to sing. They cannot manage it yet, but it will be done in time.
+What a pleasure it will be, and how nice to have such lively neighbors!"
+
+Suddenly two horses came prancing along to drink at the water. A peasant
+boy rode on one of them; he had a broad-brimmed black hat on, but had
+taken off the most of his clothes, that he might ride into the deepest
+part of the pond; he whistled like a bird, and while passing the
+rosebush he plucked a rose and placed it in his hat and then rode on
+thinking himself very fine. The other roses looked at their sister and
+asked each other where she could be going, but they did not know.
+
+"I should like for once to go out into the world," said one, "although
+it is very lovely here in our home of green leaves. The sun shines
+warmly by day, and in the night we can see that heaven is more beautiful
+still, as it sparkles through the holes in the sky."
+
+She meant the stars, for she knew no better.
+
+"We make the house very lively," said the mother sparrow, "and people
+say that a swallow's nest brings luck, therefore they are pleased to
+see us; but as to our neighbors, a rosebush on the wall produces damp.
+It will most likely be removed, and perhaps corn will grow here instead
+of it. Roses are good for nothing but to be looked at and smelt, or
+perhaps one may chance to be stuck in a hat. I have heard from my mother
+that they fall off every year. The farmer's wife preserves them by
+laying them in salt, and then they receive a French name which I neither
+can nor will pronounce; then they are sprinkled on the fire to produce a
+pleasant smell. Such you see is their life. They are only formed to
+please the eye and the nose. Now you know all about them."
+
+As the evening approached, the gnats played about in the warm air
+beneath the rosy clouds, and the nightingale came and sang to the roses
+that _the beautiful_ was like sunshine to the world, and that _the
+beautiful_ lives forever. The roses thought that the nightingale was
+singing of herself, which any one indeed could easily suppose; they
+never imagined that her song could refer to them. But it was a joy to
+them, and they wondered to themselves whether all the little sparrows in
+the nest would become nightingales.
+
+"We understood that bird's song very well," said the young sparrows,
+"but one word was not clear. What is _the beautiful_?"
+
+"Oh, nothing of any consequence," replied the mother sparrow. "It is
+something relating to appearances over yonder at the nobleman's house.
+The pigeons have a house of their own, and every day they have corn and
+peas spread for them. I have dined there with them sometimes, and so
+shall you by and by, for I believe the old maxim--'Tell me what company
+you keep, and I will tell you what you are.' Well, over at the noble
+house there are two birds with green throats and crests on their heads.
+They can spread out their tails like large wheels, and they reflect so
+many beautiful colors that it dazzles the eyes to look at them. These
+birds are called peacocks, and they belong to _the beautiful_; but if
+only a few of their feathers were plucked off, they would not appear
+better than we do. I would myself have plucked some out had they not
+been so large."
+
+"I will pluck them," squeaked the youngest sparrow, who had as yet no
+feathers of his own.
+
+In the cottage dwelt two young married people, who loved each other very
+much and were industrious and active so that everything looked neat and
+pretty around them. Early on Sunday mornings the young wife came out,
+gathered a handful of the most beautiful roses, and put them in a glass
+of water, which she placed on a side table.
+
+"I see now that it is Sunday," said the husband, as he kissed his little
+wife. Then they sat down and read in their hymn books, holding each
+other's hands, while the sun shone down upon the young couple and upon
+the fresh roses in the glass.
+
+"This sight is really too wearisome," said the mother sparrow, who from
+her nest could look into the room; and she flew away.
+
+The same thing occurred the next Sunday; and indeed every Sunday fresh
+roses were gathered and placed in a glass, but the rose tree continued
+to bloom in all its beauty. After a while the young sparrows were
+fledged and wanted to fly, but the mother would not allow it, and so
+they were obliged to remain in the nest for the present, while she flew
+away alone. It so happened that some boys had fastened a snare made of
+horsehair to the branch of a tree, and before she was aware, her leg
+became entangled in the horsehair so tightly as almost to cut it
+through. What pain and terror she felt! The boys ran up quickly and
+seized her, not in a very gentle manner.
+
+"It is only a sparrow," they said. However they did not let her fly, but
+took her home with them, and every time she cried they tapped her on the
+beak.
+
+In the farmyard they met an old man who knew how to make soap for
+shaving and washing, in cakes or in balls. When he saw the sparrow which
+the boys had brought home and which they said they did not know what to
+do with, he said, "Shall we make it beautiful?"
+
+A cold shudder passed over the sparrow when she heard this. The old man
+then took a shell containing a quantity of glittering gold leaf from a
+box full of beautiful colors and told the youngsters to fetch the white
+of an egg, with which he besmeared the sparrow all over and then laid
+the gold leaf upon it, so that the mother sparrow was now gilded from
+head to tail. She thought not of her appearance, but trembled in every
+limb. Then the soap maker tore a little piece out of the red lining of
+his jacket, cut notches in it, so that it looked like a cock'scomb, and
+stuck it on the bird's head.
+
+"Now you shall see gold-jacket fly," said the old man, and he released
+the sparrow, which flew away in deadly terror with the sunlight shining
+upon her. How she did glitter! All the sparrows, and even a crow, who is
+a knowing old boy, were startled at the sight, yet they all followed it
+to discover what foreign bird it could be. Driven by anguish and terror,
+she flew homeward almost ready to sink to the earth for want of
+strength. The flock of birds that were following increased and some even
+tried to peck her.
+
+"Look at him! look at him!" they all cried. "Look at him! look at him!"
+cried the young ones as their mother approached the nest, for they did
+not know her. "That must be a young peacock, for he glitters in all
+colors. It quite hurts one's eyes to look at him, as mother told us;
+'tweet,' this is _the beautiful_." And then they pecked the bird with
+their little beaks so that she was quite unable to get into the nest and
+was too much exhausted even to say "tweet," much less "I am your
+mother." So the other birds fell upon the sparrow and pulled out feather
+after feather till she sank bleeding into the rosebush.
+
+"You poor creature," said the roses, "be at rest. We will hide you; lean
+your little head against us."
+
+The sparrow spread out her wings once more, then drew them in close
+about her and lay dead among the roses, her fresh and lovely neighbors.
+
+ * * * * *
+
+"Tweet," sounded from the nest; "where can our mother be staying? It is
+quite unaccountable. Can this be a trick of hers to show us that we are
+now to take care of ourselves? She has left us the house as an
+inheritance, but as it cannot belong to us all when we have families,
+who is to have it?"
+
+"It won't do for you all to stay with me when I increase my household
+with a wife and children," remarked the youngest.
+
+"I shall have more wives and children than you," said the second.
+
+"But I am the eldest," cried a third.
+
+Then they all became angry, beat each other with their wings, pecked
+with their beaks, till one after another bounced out of the nest. There
+they lay in a rage, holding their heads on one side and twinkling the
+eye that looked upward. This was their way of looking sulky.
+
+They could all fly a little, and by practice they soon learned to do so
+much better. At length they agreed upon a sign by which they might be
+able to recognize each other in case they should meet in the world after
+they had separated. This sign was to be the cry of "tweet, tweet," and a
+scratching on the ground three times with the left foot.
+
+The youngster who was left behind in the nest spread himself out as
+broad as ever he could; he was the householder now. But his glory did
+not last long, for during that night red flames of fire burst through
+the windows of the cottage, seized the thatched roof, and blazed up
+frightfully. The whole house was burned, and the sparrow perished with
+it, while the young couple fortunately escaped with their lives.
+
+When the sun rose again, and all nature looked refreshed as after a
+quiet sleep, nothing remained of the cottage but a few blackened,
+charred beams leaning against the chimney, that now was the only master
+of the place. Thick smoke still rose from the ruins, but outside on the
+wall the rosebush remained unhurt, blooming and fresh as ever, while
+each flower and each spray was mirrored in the clear water beneath.
+
+"How beautifully the roses are blooming on the walls of that ruined
+cottage," said a passer-by. "A more lovely picture could scarcely be
+imagined. I must have it."
+
+And the speaker took out of his pocket a little book full of white
+leaves of paper (for he was an artist), and with a pencil he made a
+sketch of the smoking ruins, the blackened rafters, and the chimney that
+overhung them and which seemed more and more to totter; and quite in the
+foreground stood the large, blooming rosebush, which added beauty to the
+picture; indeed, it was for the sake of the roses that the sketch had
+been made. Later in the day two of the sparrows who had been born there
+came by.
+
+"Where is the house?" they asked. "Where is the nest? Tweet, tweet; all
+is burned down, and our strong brother with it. That is all he got by
+keeping the nest. The roses have escaped famously; they look as well as
+ever, with their rosy cheeks; they do not trouble themselves about their
+neighbors' misfortunes. I won't speak to them. And really, in my
+opinion, the place looks very ugly"; so they flew away.
+
+On a fine, bright, sunny day in autumn, so bright that any one might
+have supposed it was still the middle of summer, a number of pigeons
+were hopping about in the nicely kept courtyard of the nobleman's house,
+in front of the great steps. Some were black, others white, and some of
+various colors, and their plumage glittered in the sunshine. An old
+mother pigeon said to her young ones, "Place yourselves in groups! place
+yourselves in groups! it has a much better appearance."
+
+"What are those little gray creatures which are running about behind
+us?" asked an old pigeon with red and green round her eyes. "Little gray
+ones, little gray ones," she cried.
+
+"They are sparrows--good little creatures enough. We have always had the
+character of being very good-natured, so we allow them to pick up some
+corn with us; they do not interrupt our conversation, and they draw back
+their left foot so prettily."
+
+Sure enough, so they did, three times each, and with the left foot too,
+and said "tweet," by which we recognize them as the sparrows that were
+brought up in the nest on the house that was burned down.
+
+"The food here is very good," said the sparrows; while the pigeons
+strutted round each other, puffed out their throats, and formed their
+own opinions on what they observed.
+
+"Do you see the pouter pigeon?" asked one pigeon of another. "Do you see
+how he swallows the peas? He takes too much and always chooses the best
+of everything. Coo-oo, coo-oo. How the ugly, spiteful creature erects
+his crest." And all their eyes sparkled with malice. "Place yourselves
+in groups, place yourselves in groups. Little gray coats, little gray
+coats. Coo-oo, coo-oo."
+
+So they went on, and it will be the same a thousand years hence.
+
+The sparrows feasted bravely and listened attentively; they even stood
+in ranks like the pigeons, but it did not suit them. So having satisfied
+their hunger, they left the pigeons passing their own opinions upon them
+to each other and slipped through the garden railings. The door of a
+room in the house, leading into the garden, stood open, and one of them,
+feeling brave after his good dinner, hopped upon the threshold crying,
+"Tweet, I can venture so far."
+
+"Tweet," said another, "I can venture that, and a great deal more," and
+into the room he hopped.
+
+The first followed, and, seeing no one there, the third became
+courageous and flew right across the room, saying: "Venture everything,
+or do not venture at all. This is a wonderful place--a man's nest, I
+suppose; and look! what can this be?"
+
+Just in front of the sparrows stood the ruins of the burned cottage;
+roses were blooming over it, and their reflection appeared in the water
+beneath, and the black, charred beams rested against the tottering
+chimney. How could it be? How came the cottage and the roses in a room
+in the nobleman's house? And then the sparrows tried to fly over the
+roses and the chimney, but they only struck themselves against a flat
+wall. It was a picture--a large, beautiful picture which the artist had
+painted from the little sketch he had made.
+
+"Tweet," said the sparrows, "it is really nothing, after all; it only
+looks like reality. Tweet, I suppose that is _the beautiful_. Can you
+understand it? I cannot."
+
+Then some persons entered the room and the sparrows flew away. Days and
+years passed. The pigeons had often "coo-oo-d"--we must not say
+quarreled, though perhaps they did, the naughty things! The sparrows had
+suffered from cold in the winter and lived gloriously in summer. They
+were all betrothed, or married, or whatever you like to call it. They
+had little ones, and each considered its own brood the wisest and the
+prettiest.
+
+One flew in this direction and another in that, and when they met they
+recognized each other by saying "tweet" and three times drawing back
+the left foot. The eldest remained single; she had no nest nor young
+ones. Her great wish was to see a large town, so she flew to Copenhagen.
+
+Close by the castle, and by the canal, in which swam many ships laden
+with apples and pottery, there was to be seen a great house. The windows
+were broader below than at the top, and when the sparrows peeped through
+they saw a room that looked to them like a tulip with beautiful colors
+of every shade. Within the tulip were white figures of human beings,
+made of marble--some few of plaster, but this is the same thing to a
+sparrow. Upon the roof stood a metal chariot and horses, and the goddess
+of victory, also of metal, was seated in the chariot driving the horses.
+
+It was Thorwaldsen's museum. "How it shines and glitters," said the
+maiden sparrow. "This must be _the beautiful_,--tweet,--only this is
+larger than a peacock." She remembered what her mother had told them in
+her childhood, that the peacock was one of the greatest examples of _the
+beautiful_. She flew down into the courtyard, where everything also was
+very grand. The walls were painted to represent palm branches, and in
+the midst of the court stood a large, blooming rose tree, spreading its
+young, sweet, rose-covered branches over a grave. Thither the maiden
+sparrow flew, for she saw many others of her own kind.
+
+"Tweet," said she, drawing back her foot three times. She had, during
+the years that had passed, often made the usual greeting to the sparrows
+she met, but without receiving any acknowledgment; for friends who are
+once separated do not meet every day. This manner of greeting was become
+a habit to her, and to-day two old sparrows and a young one returned the
+greeting.
+
+"Tweet," they replied and drew back the left foot three times. They were
+two old sparrows out of the nest, and a young one belonging to the
+family. "Ah, good day; how do you do? To think of our meeting here! This
+is a very grand place, but there is not much to eat; this is _the
+beautiful_. Tweet!"
+
+A great many people now came out of the side rooms, in which the marble
+statues stood, and approached the grave where rested the remains of the
+great master who carved them. As they stood round Thorwaldsen's grave,
+each face had a reflected glory, and some few gathered up the fallen
+rose leaves to preserve them. They had all come from afar; one from
+mighty England, others from Germany and France. One very handsome lady
+plucked a rose and concealed it in her bosom. Then the sparrows thought
+that the roses ruled in this place, and that the whole house had been
+built for them--which seemed really too much honor; but as all the
+people showed their love for the roses, the sparrows thought they would
+not remain behindhand in paying their respects.
+
+"Tweet," they said, and swept the ground with their tails, and glanced
+with one eye at the roses. They had not looked at them very long,
+however, before they felt convinced that they were old acquaintances,
+and so they actually were. The artist who had sketched the rosebush and
+the ruins of the cottage had since then received permission to
+transplant the bush and had given it to the architect, for more
+beautiful roses had never been seen. The architect had planted it on the
+grave of Thorwaldsen, where it continued to bloom, the image of _the
+beautiful_, scattering its fragrant, rosy leaves to be gathered and
+carried away into distant lands in memory of the spot on which they
+fell.
+
+"Have you obtained a situation in town?" then asked the sparrows of the
+roses.
+
+The roses nodded. They recognized their little brown neighbors and were
+rejoiced to see them again.
+
+"It is very delightful," said the roses, "to live here and to blossom,
+to meet old friends, and to see cheerful faces every day. It is as if
+each day were a holiday."
+
+"Tweet," said the sparrows to each other. "Yes, these really are our old
+neighbors. We remember their origin near the pond. Tweet! how they have
+risen, to be sure. Some people seem to get on while they are asleep. Ah!
+there's a withered leaf. I can see it quite plainly."
+
+And they pecked at the leaf till it fell, but the rosebush continued
+fresher and greener than ever. The roses bloomed in the sunshine on
+Thorwaldsen's grave and thus became linked with his immortal name.
+
+
+
+
+[Illustration]
+
+
+
+
+THE OLD HOUSE
+
+
+A VERY old house once stood in a street with several others that were
+quite new and clean. One could read the date of its erection, which had
+been carved on one of the beams and surrounded by scrolls formed of
+tulips and hop tendrils; by this date it could be seen that the old
+house was nearly three hundred years old. Entire verses too were written
+over the windows in old-fashioned letters, and grotesque faces,
+curiously carved, grinned at you from under the cornices. One story
+projected a long way over the other, and under the roof ran a leaden
+gutter with a dragon's head at the end. The rain was intended to pour
+out at the dragon's mouth, but it ran out of his body instead, for there
+was a hole in the gutter.
+
+All the other houses in the street were new and well built, with large
+windowpanes and smooth walls. Any one might see they had nothing to do
+with the old house. Perhaps they thought: "How long will that heap of
+rubbish remain here, to be a disgrace to the whole street? The parapet
+projects so far forward that no one can see out of our windows what is
+going on in that direction. The stairs are as broad as the staircase of
+a castle and as steep as if they led to a church tower. The iron railing
+looks like the gate of a cemetery, and there are brass knobs upon it. It
+is really too ridiculous."
+
+Opposite to the old house were more nice new houses, which had just the
+same opinion as their neighbors.
+
+At the window of one of them sat a little boy with fresh, rosy cheeks
+and clear, sparkling eyes, who was very fond of the old house in
+sunshine or in moonlight. He would sit and look at the wall, from which
+the plaster had in some places fallen off, and fancy all sorts of scenes
+which had been in former times--how the street must have looked when the
+houses had all gable roofs, open staircases, and gutters with dragons
+at the spout. He could even see soldiers walking about with halberds.
+Certainly it was a very good house to look at for amusement.
+
+An old man lived in it who wore knee breeches, a coat with large brass
+buttons, and a wig which any one could see was a real one. Every morning
+there came an old man to clean the rooms and to wait upon him, otherwise
+the old man in the knee breeches would have been quite alone in the
+house. Sometimes he came to one of the windows and looked out; then the
+little boy nodded to him, and the old man nodded back again, till they
+became acquainted, and were friends, although they had never spoken to
+each other; but that was of no consequence.
+
+The little boy one day heard his parents say, "The old man is very well
+off, but he must be terribly lonely." So the next Sunday morning the
+little boy wrapped something in a paper, and took it to the door of the
+old house, and said to the attendant who waited upon the old man: "Will
+you please to give this from me to the gentleman who lives here? I have
+two tin soldiers, and this is one of them, and he shall have it,
+because I know he is terribly lonely."
+
+The old attendant nodded and looked very much pleased, and then he
+carried the tin soldier into the house.
+
+Afterwards he was sent over to ask the little boy if he would not like
+to pay a visit himself. His parents gave him permission, and so it was
+that he gained admission to the old house.
+
+The brass knobs on the railings shone more brightly than ever, as if
+they had been polished on account of his visit; and on the doors were
+carved trumpeters standing in tulips, and it seemed as if they were
+blowing with all their might, their cheeks were so puffed out:
+"Tanta-ra-ra, the little boy is coming. Tanta-ra-ra, the little boy is
+coming."
+
+Then the door opened. All round the hall hung old portraits of knights
+in armor and ladies in silk gowns; and the armor rattled, and the silk
+dresses rustled. Then came a staircase which went up a long way, and
+then came down a little way and led to a balcony which was in a very
+ruinous state. There were large holes and long cracks, out of which
+grew grass and leaves; indeed the whole balcony, the courtyard, and the
+walls were so overgrown with green that they looked like a garden.
+
+In the balcony stood flowerpots on which were heads having asses' ears,
+but the flowers in them grew just as they pleased. In one pot, pinks
+were growing all over the sides,--at least the green leaves
+were,--shooting forth stalk and stem and saying as plainly as they could
+speak, "The air has fanned me, the sun has kissed me, and I am promised
+a little flower for next Sunday--really for next Sunday!"
+
+Then they entered a room in which the walls were covered with leather,
+and the leather had golden flowers stamped upon it.
+
+ "Gilding wears out with time and bad weather,
+ But leather endures; there's nothing like leather,"
+
+said the walls. Chairs handsomely carved, with elbows on each side and
+with very high backs, stood in the room; and as they creaked they seemed
+to say: "Sit down. Oh dear! how I am creaking; I shall certainly have
+the gout like the old cupboard. Gout in my back, ugh!"
+
+And then the little boy entered the room where the old man sat.
+
+"Thank you for the tin soldier, my little friend," said the old man,
+"and thank you also for coming to see me."
+
+"Thanks, thanks"--or "Creak, creak"--said all the furniture.
+
+There was so much furniture that the pieces stood in each other's way to
+get a sight of the little boy. On the wall near the center of the room
+hung the picture of a beautiful lady, young and gay, dressed in the
+fashion of the olden times, with powdered hair and a full, stiff skirt.
+She said neither "thanks" nor "creak," but she looked down upon the
+little boy with her mild eyes, and he said to the old man,
+
+"Where did you get that picture?"
+
+"From the shop opposite," he replied. "Many portraits hang there. No one
+seems to know any of them or to trouble himself about them. The persons
+they represent have been dead and buried long since. But I knew this
+lady many years ago, and she has been dead nearly half a century."
+
+[Illustration: "Thank you for the tin soldier, my little friend," said
+the old man....]
+
+Under a glass beneath the picture hung a nosegay of withered flowers,
+which were, no doubt, half a century old too, at least they appeared so.
+
+And the pendulum of the old clock went to and fro, and the hands turned
+round, and as time passed on everything in the room grew older, but no
+one seemed to notice it.
+
+"They say at home," said the little boy, "that you are very lonely."
+
+"Oh," replied the old man, "I have pleasant thoughts of all that is past
+recalled by memory, and now you too are come to visit me, and that is
+very pleasant."
+
+Then he took from the bookcase a book full of pictures representing long
+processions of wonderful coaches such as are never seen at the present
+time, soldiers like the knave of clubs, and citizens with waving
+banners. The tailors had a flag with a pair of scissors supported by two
+lions, and on the shoemakers' flag there were not boots but an eagle
+with two heads, for the shoemakers must have everything arranged so that
+they can say, "This is a pair." What a picture book it was! And then the
+old man went into another room to fetch apples and nuts. It was very
+pleasant, certainly, to be in that old house.
+
+"I cannot endure it," said the tin soldier, who stood on a shelf; "it is
+so lonely and dull here. I have been accustomed to live in a family, and
+I cannot get used to this life. I cannot bear it. The whole day is long
+enough, but the evening is longer. It is not here as it was in your
+house opposite, when your father and mother talked so cheerfully
+together, while you and all the dear children made such a delightful
+noise. Do you think he gets any kisses? Do you think he ever has
+friendly looks or a Christmas tree? He will have nothing now but the
+grave. Oh! I cannot bear it."
+
+"You must not look on the sorrowful side so much," said the little boy.
+"I think everything in this house is beautiful, and all the old,
+pleasant thoughts come back here to pay visits."
+
+"Ah, but I never see any, and I don't know them," said the tin soldier;
+"and I cannot bear it."
+
+"You must bear it," said the little boy. Then the old man came back with
+a pleasant face, and brought with him beautiful preserved fruits as
+well as apples and nuts, and the little boy thought no more of the tin
+soldier.
+
+How happy and delighted the little boy was! And after he returned home,
+and while days and weeks passed, a great deal of nodding took place from
+one house to the other, and then the little boy went to pay another
+visit. The carved trumpeters blew: "Tanta-ra-ra, there is the little
+boy. Tanta-ra-ra." The swords and armor on the old knights' pictures
+rattled, the silk dresses rustled, the leather repeated its rhyme, and
+the old chairs that had the gout in their backs cried "Creak"; it was
+all exactly like the first time, for in that house one day and one hour
+were just like another.
+
+"I cannot bear it any longer," said the tin soldier; "I have wept tears
+of tin, it is so melancholy here. Let me go to the wars and lose an arm
+or a leg; that would be some change. I cannot bear it. Now I know what
+it is to have visits from one's old recollections and all they bring
+with them. I have had visits from mine, and you may believe me it is not
+altogether pleasant. I was very nearly jumping from the shelf. I saw you
+all in your house opposite, as if you were really present.
+
+"It was Sunday morning, and you children stood round the table, singing
+the hymn that you sing every morning. You were standing quietly with
+your hands folded, and your father and mother were looking just as
+serious, when the door opened, and your little sister Maria, who is not
+two years old, was brought into the room. You know she always dances
+when she hears music and singing of any sort, so she began to dance
+immediately, although she ought not to have done so; but she could not
+get into the right time because the tune was so slow, so she stood first
+on one foot and then on the other and bent her head very low, but it
+would not suit the music. You all stood looking grave, although it was
+very difficult to do so, but I laughed so to myself that I fell down
+from the table and got a bruise, which is still there. I know it was not
+right to laugh. So all this, and everything else that I have seen, keeps
+running in my head, and these must be the old recollections that bring
+so many thoughts with them. Tell me whether you still sing on Sundays,
+and tell me about your little sister Maria, and how my old comrade is,
+the other tin soldier. Ah, really he must be very happy. I cannot endure
+this life."
+
+"You are given away," said the little boy; "you must stay. Don't you see
+that?" Then the old man came in with a box containing many curious
+things to show him. Rouge-pots, scent-boxes, and old cards so large and
+so richly gilded that none are ever seen like them in these days. And
+there were smaller boxes to look at, and the piano was opened, and
+inside the lid were painted landscapes. But when the old man played, the
+piano sounded quite out of tune. Then he looked at the picture he had
+bought at the broker's, and his eyes sparkled brightly as he nodded at
+it and said, "Ah, she could sing that tune."
+
+"I will go to the wars! I will go to the wars!" cried the tin soldier as
+loud as he could, and threw himself down on the floor. Where could he
+have fallen? The old man searched, and the little boy searched, but he
+was gone and could not be found. "I shall find him again," said the old
+man. But he did not find him; the tin soldier had fallen through a crack
+between the boards and lay there now as in an open grave.
+
+The day went by, and the little boy returned home; the week passed, and
+many more weeks. It was winter, and the windows were quite frozen, so
+that the little boy was obliged to breathe on the panes and rub a hole
+to peep through at the old house. Snowdrifts were lying in all the
+scrolls and on the inscriptions, and the steps were covered with snow as
+if no one were at home. And indeed nobody was at home, for the old man
+was dead.
+
+In the evening the old man was to be taken to the country to be buried
+there in his own grave; so they carried him away. No one followed him,
+for all his friends were dead, and the little boy kissed his hand to his
+old friend as he saw him borne away.
+
+A few days after, there was an auction at the old house, and from his
+window the little boy saw the people carrying away the pictures of old
+knights and ladies, the flowerpots with the long ears, the old chairs,
+and the cupboards. Some were taken one way, some another. _Her_
+portrait, which had been bought at the picture dealer's, went back again
+to his shop, and there it remained, for no one seemed to know her or to
+care for the old picture.
+
+In the spring they began to pull the house itself down; people called it
+complete rubbish. From the street could be seen the room in which the
+walls were covered with leather, ragged and torn, and the green in the
+balcony hung straggling over the beams; they pulled it down quickly, for
+it looked ready to fall, and at last it was cleared away altogether.
+"What a good riddance," said the neighbors' houses.
+
+Afterward a fine new house was built, farther back from the road. It had
+lofty windows and smooth walls, but in front, on the spot where the old
+house really stood, a little garden was planted, and wild vines grew up
+over the neighboring walls. In front of the garden were large iron
+railings and a great gate which looked very stately. People used to stop
+and peep through the railings. The sparrows assembled in dozens upon the
+wild vines and chattered all together as loud as they could, but not
+about the old house. None of them could remember it, for many years had
+passed by; so many, indeed, that the little boy was now a man, and a
+really good man too, and his parents were very proud of him. He had just
+married and had come with his young wife to reside in the new house with
+the garden in front of it, and now he stood there by her side while she
+planted a field flower that she thought very pretty. She was planting it
+herself with her little hands and pressing down the earth with her
+fingers. "Oh, dear, what was that?" she exclaimed as something pricked
+her. Out of the soft earth something was sticking up.
+
+It was--only think!--it was really the tin soldier, the very same which
+had been lost up in the old man's room and had been hidden among old
+wood and rubbish for a long time till it sank into the earth, where it
+must have been for many years. And the young wife wiped the soldier,
+first with a green leaf and then with her fine pocket handkerchief, that
+smelt of a beautiful perfume. And the tin soldier felt as if he were
+recovering from a fainting fit.
+
+"Let me see him," said the young man, and then he smiled and shook his
+head and said, "It can scarcely be the same, but it reminds me of
+something that happened to one of my tin soldiers when I was a little
+boy." And then he told his wife about the old house and the old man and
+of the tin soldier which he had sent across because he thought the old
+man was lonely. And he related the story so clearly that tears came into
+the eyes of the young wife for the old house and the old man.
+
+"It is very likely that this is really the same soldier," said she, "and
+I will take care of him and always remember what you have told me; but
+some day you must show me the old man's grave."
+
+"I don't know where it is," he replied; "no one knows. All his friends
+are dead. No one took care of him or tended his grave, and I was only a
+little boy."
+
+"Oh, how dreadfully lonely he must have been," said she.
+
+"Yes, terribly lonely," cried the tin soldier; "still it is delightful
+not to be forgotten."
+
+"Delightful indeed!" cried a voice quite near to them. No one but the
+tin soldier saw that it came from a rag of the leather which hung in
+tatters. It had lost all its gilding and looked like wet earth, but it
+had an opinion, and it spoke it thus:
+
+ "Gilding wears out with time and bad weather,
+ But leather endures; there's nothing like leather."
+
+But the tin soldier did not believe any such thing.
+
+
+
+
+[Illustration]
+
+
+
+
+THE CONCEITED APPLE BRANCH
+
+
+IT WAS the month of May. The wind still blew cold, but from bush and
+tree, field and flower, came the welcome sound, "Spring is come."
+
+Wild flowers in profusion covered the hedges. Under the little apple
+tree Spring seemed busy, and he told his tale from one of the branches,
+which hung fresh and blooming and covered with delicate pink blossoms
+that were just ready to open.
+
+The branch well knew how beautiful it was; this knowledge exists as much
+in the leaf as in the blood. I was therefore not surprised when a
+nobleman's carriage, in which sat the young countess, stopped in the
+road just by. The apple branch, she said, was a most lovely object, an
+emblem of spring in its most charming aspect. The branch was broken off
+for her, and she held it in her delicate hand and sheltered it with her
+silk parasol.
+
+Then they drove to the castle, in which were lofty halls and splendid
+drawing-rooms. Pure white curtains fluttered before the open windows,
+and beautiful flowers stood in transparent vases. In one of them, which
+looked as if it had been cut out of newly fallen snow, the apple branch
+was placed among some fresh light twigs of beech. It was a charming
+sight. And the branch became proud, which was very much like human
+nature.
+
+People of every description entered the room, and according to their
+position in society so dared they to express their admiration. Some few
+said nothing, others expressed too much, and the apple branch very soon
+got to understand that there was as much difference in the characters of
+human beings as in those of plants and flowers. Some are all for pomp
+and parade, others have a great deal to do to maintain their own
+importance, while the rest might be spared without much loss to
+society. So thought the apple branch as he stood before the open
+window, from which he could see out over gardens and fields, where there
+were flowers and plants enough for him to think and reflect upon--some
+rich and beautiful, some poor and humble indeed.
+
+"Poor despised herbs," said the apple branch; "there is really a
+difference between them and such as I am. How unhappy they must be if
+they can feel as those in my position do! There is a difference indeed,
+and so there ought to be, or we should all be equals."
+
+And the apple branch looked with a sort of pity upon them, especially on
+a certain little flower that is found in fields and in ditches. No one
+bound these flowers together in a nosegay, they were too common,--they
+were even known to grow between the paving stones, shooting up
+everywhere like bad weeds,--and they bore the very ugly name of "dog
+flowers," or "dandelions."
+
+"Poor despised plants," said the apple bough, "it is not your fault that
+you are so ugly and that you have such an ugly name, but it is with
+plants as with men--there must be a difference."
+
+"A difference!" cried the sunbeam as he kissed the blooming apple branch
+and then kissed the yellow dandelion out in the fields. All were
+brothers, and the sunbeam kissed them--the poor flowers as well as the
+rich.
+
+The apple bough had never thought of the boundless love of God which
+extends over all the works of creation, over everything which lives and
+moves and has its being in Him. He had never thought of the good and
+beautiful which are so often hidden, but can never remain forgotten by
+Him, not only among the lower creation, but also among men. The sunbeam,
+the ray of light, knew better.
+
+"You do not see very far nor very clearly," he said to the apple branch.
+"Which is the despised plant you so specially pity?"
+
+"The dandelion," he replied. "No one ever places it in a nosegay; it is
+trodden under foot, there are so many of them; and when they run to seed
+they have flowers like wool, which fly away in little pieces over the
+roads and cling to the dresses of the people; they are only weeds--but
+of course there must be weeds. Oh, I am really very thankful that I was
+not made like one of these flowers."
+
+There came presently across the fields a whole group of children, the
+youngest of whom was so small that he had to be carried by the others;
+and when he was seated on the grass, among the yellow flowers, he
+laughed aloud with joy, kicked out his little legs, rolled about,
+plucked the yellow flowers and kissed them in childlike innocence.
+
+The elder children broke off the flowers with long stems, bent the
+stalks one round the other to form links, and made first a chain for the
+neck, then one to go across the shoulders and hang down to the waist,
+and at last a wreath to wear about the head; so that they looked quite
+splendid in their garlands of green stems and golden flowers. But the
+eldest among them gathered carefully the faded flowers, on the stem of
+which were grouped together the seeds, in the form of a white, feathery
+coronal.
+
+These loose, airy wool-flowers are very beautiful, and look like fine,
+snowy feathers or down. The children held them to their mouths and tried
+to blow away the whole coronal with one puff of the breath. They had
+been told by their grandmothers that whoever did so would be sure to
+have new clothes before the end of the year. The despised flower was by
+this raised to the position of a prophet, or foreteller of events.
+
+"Do you see," said the sunbeam, "do you see the beauty of these flowers?
+Do you see their powers of giving pleasure?"
+
+"Yes, to children," said the apple bough.
+
+By and by an old woman came into the field and, with a blunt knife
+without a handle, began to dig round the roots of some of the dandelion
+plants and pull them up. With some she intended to make tea for herself,
+but the rest she was going to sell to the chemist and obtain money.
+
+"But beauty is of higher value than all this," said the apple-tree
+branch; "only the chosen ones can be admitted into the realms of the
+beautiful. There is a difference between plants, just as there is a
+difference between men."
+
+Then the sunbeam spoke of the boundless love of God as seen in creation
+and over all that lives, and of the equal distribution of His gifts,
+both in time and in eternity.
+
+"That is your opinion," said the apple bough.
+
+Then some people came into the room and among them the young
+countess--the lady who had placed the apple bough in the transparent
+vase, so pleasantly beneath the rays of sunlight. She carried in her
+hand something that seemed like a flower. The object was hidden by two
+or three great leaves which covered it like a shield so that no draft or
+gust of wind could injure it, and it was carried more carefully than the
+apple branch had ever been.
+
+Very cautiously the large leaves were removed, and there appeared the
+feathery seed crown of the despised yellow dandelion. This was what the
+lady had so carefully plucked and carried home so safely covered, so
+that not one of the delicate feathery arrows of which its mistlike shape
+was so lightly formed should flutter away. She now drew it forth quite
+uninjured and wondered at its beautiful form, its airy lightness and
+singular construction so soon to be blown away by the wind.
+
+"See," she exclaimed, "how wonderfully God has made this little flower.
+I will paint it in a picture with the apple branch. Every one admires
+the beauty of the apple bough, but this humble flower has been endowed
+by Heaven with another kind of loveliness, and although they differ in
+appearance both are children of the realms of beauty."
+
+Then the sunbeam kissed both the lowly flower and the blooming apple
+branch, upon whose leaves appeared a rosy blush.
+
+
+
+
+NOTES
+
+
+LITTLE TUK
+
+ PAGE 21. _Seeland_: one of the islands of Denmark,
+ the country in which little Tuk lived.
+
+ PAGE 22. _KjΓΆge_ (ke αΊ½ gΔh): a town about which
+ Tuk was to learn.
+
+ PAGE 24. _Præstâ_ (præs´tẽ): another town about
+ which Tuk was to learn.
+
+ _popinjay_ (pΕpΒ΄Δn jΔy): an image of a parrot.
+
+ _Thorwaldsen_ (tΓ΄r vΘ§l s_e_n): one of the
+ greatest of modern sculptors. Supposed to have
+ been a native of Denmark.
+
+ _Vordingborg_ (vΕrΒ΄dΔng bΕrk): in ancient
+ times this was a place of great importance. Now it
+ is an insignificant town; only a single lonely
+ tower remains where once a noble castle stood.
+
+ PAGE 25. _KorsΓΆr_ (kΓ΄rΒ΄sor): before the time of
+ steamers this used to be called the most tiresome
+ town in Denmark. Travelers had to wait for a
+ favorable wind. The poet mentioned in the story
+ was Baggeson.
+
+ PAGE 26. _Roskilde_ (rΓ΄s gΔl lαΊ½): once the
+ capital of Denmark.
+
+ PAGE 27. _SorΓΆ_ (soΒ΄rαΊ½): a very quiet little
+ town, in a beautiful situation, surrounded by
+ forests and lakes. Holberg, one of Denmark's
+ greatest poets, founded a celebrated academy here.
+ Other noted poets also had their homes here, and
+ taught in the academy.
+
+
+LITTLE THUMBELINA
+
+ PAGE 88. Decaying wood sometimes gives out a faint
+ light called _phosphorescence_.
+
+
+SUNSHINE STORIES
+
+ PAGE 106. For the story of the Golden Fleece, see
+ Kingsley's "Greek Heroes."
+
+
+OLE-LUK-OIE, THE DREAM GOD
+
+ PAGE 145. _Ole-Luk-Oie_ (ΕΒ΄le l[)oo]kΒ΄oi): the
+ Danish name for the sandman.
+
+
+ELDER-TREE MOTHER
+
+ PAGE 179. _Copenhagen_ (kΕ pΔn hΔΒ΄gΔn): the capital
+ of Denmark.
+
+ _Fredericksburg_ (frΔdΒ΄αΊ½r Δcks bΓ»rg):
+ twenty-one miles from Copenhagen; the summer
+ residence of the royal family.
+
+
+THE SNOW QUEEN
+
+FOURTH STORY
+
+THE PRINCE AND PRINCESS
+
+ PAGE 217. Children have a kind of language, or
+ gibberish, which is sometimes called _crows'
+ language_. It is formed by adding letters or
+ syllables to every word.
+
+ * * * * *
+
+Transcriber's Notes:
+
+Obvious punctuation errors repaired.
+
+
+Page 24, "Thorvaldsen" changed to "Thorwaldsen" (Thorwaldsen lived in
+one)
+
+Page 299, Glossary, some of the words were missing the stressing accent.
+This was retained.
+
+Glossary: The double o with a breve above had been rendered as [)oo].
+
+
+
+
+
+End of the Project Gutenberg EBook of Hans Andersen's Fairy Tales, by
+Hans Christian Andersen
+
+*** END OF THIS PROJECT GUTENBERG EBOOK HANS ANDERSEN'S FAIRY TALES ***
+
+***** This file should be named 32571-0.txt or 32571-0.zip *****
+This and all associated files of various formats will be found in:
+ http://www.gutenberg.org/3/2/5/7/32571/
+
+Produced by Sharon Joiner and the Online Distributed
+Proofreading Team at http://www.pgdp.net (This file was
+produced from images generously made available by The
+Internet Archive/American Libraries.)
+
+
+Updated editions will replace the previous one--the old editions
+will be renamed.
+
+Creating the works from public domain print editions 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-tm electronic works to
+protect the PROJECT GUTENBERG-tm concept and trademark. Project
+Gutenberg is a registered trademark, and may not be used if you
+charge for the eBooks, unless you receive specific permission. If you
+do not charge anything for copies of this eBook, complying with the
+rules is very easy. You may use this eBook for nearly any purpose
+such as creation of derivative works, reports, performances and
+research. They may be modified and printed and given away--you may do
+practically ANYTHING with public domain eBooks. 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-tm 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-tm License (available with this file or online at
+http://gutenberg.org/license).
+
+
+Section 1. General Terms of Use and Redistributing Project Gutenberg-tm
+electronic works
+
+1.A. By reading or using any part of this Project Gutenberg-tm
+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-tm electronic works in your possession.
+If you paid a fee for obtaining a copy of or access to a Project
+Gutenberg-tm 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-tm 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-tm electronic works if you follow the terms of this agreement
+and help preserve free future access to Project Gutenberg-tm 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-tm electronic works. Nearly all the individual works in the
+collection are in the public domain in the United States. If an
+individual work is in the public domain 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-tm mission of promoting free access to electronic works by
+freely sharing Project Gutenberg-tm works in compliance with the terms of
+this agreement for keeping the Project Gutenberg-tm 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-tm 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-tm work. The Foundation makes no representations concerning
+the copyright status of any work in any country outside 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-tm License must appear prominently
+whenever any copy of a Project Gutenberg-tm 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 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
+
+1.E.2. If an individual Project Gutenberg-tm electronic work is derived
+from the public domain (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-tm trademark as set forth in paragraphs 1.E.8 or
+1.E.9.
+
+1.E.3. If an individual Project Gutenberg-tm 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-tm 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-tm
+License terms from this work, or any files containing a part of this
+work or any other work associated with Project Gutenberg-tm.
+
+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-tm 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-tm work in a format other than
+"Plain Vanilla ASCII" or other format used in the official version
+posted on the official Project Gutenberg-tm web site (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-tm
+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-tm 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-tm electronic works provided
+that
+
+- You pay a royalty fee of 20% of the gross profits you derive from
+ the use of Project Gutenberg-tm works calculated using the method
+ you already use to calculate your applicable taxes. The fee is
+ owed to the owner of the Project Gutenberg-tm 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-tm
+ 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-tm 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-tm works.
+
+1.E.9. If you wish to charge a fee or distribute a Project Gutenberg-tm
+electronic work or group of works on different terms than are set
+forth in this agreement, you must obtain permission in writing from
+both the Project Gutenberg Literary Archive Foundation and Michael
+Hart, the owner of the Project Gutenberg-tm 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
+public domain works in creating the Project Gutenberg-tm
+collection. Despite these efforts, Project Gutenberg-tm 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-tm trademark, and any other party distributing a Project
+Gutenberg-tm 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 F3. 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 MERCHANTIBILITY 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-tm electronic works in accordance
+with this agreement, and any volunteers associated with the production,
+promotion and distribution of Project Gutenberg-tm 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-tm
+work, (b) alteration, modification, or additions or deletions to any
+Project Gutenberg-tm work, and (c) any Defect you cause.
+
+
+Section 2. Information about the Mission of Project Gutenberg-tm
+
+Project Gutenberg-tm 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-tm's
+goals and ensuring that the Project Gutenberg-tm 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-tm 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 web page at http://www.pglaf.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. Its 501(c)(3) letter is posted at
+http://pglaf.org/fundraising. 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 principal office is located at 4557 Melan Dr. S.
+Fairbanks, AK, 99712., but its volunteers and employees are scattered
+throughout numerous locations. Its business office is located at
+809 North 1500 West, Salt Lake City, UT 84116, (801) 596-1887, email
+business@pglaf.org. Email contact links and up to date contact
+information can be found at the Foundation's web site and official
+page at http://pglaf.org
+
+For additional contact information:
+ Dr. Gregory B. Newby
+ Chief Executive and Director
+ gbnewby@pglaf.org
+
+
+Section 4. Information about Donations to the Project Gutenberg
+Literary Archive Foundation
+
+Project Gutenberg-tm depends upon and cannot survive without wide
+spread 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 http://pglaf.org
+
+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: http://pglaf.org/donate
+
+
+Section 5. General Information About Project Gutenberg-tm electronic
+works.
+
+Professor Michael S. Hart is the originator of the Project Gutenberg-tm
+concept of a library of electronic works that could be freely shared
+with anyone. For thirty years, he produced and distributed Project
+Gutenberg-tm eBooks with only a loose network of volunteer support.
+
+
+Project Gutenberg-tm eBooks are often created from several printed
+editions, all of which are confirmed as Public Domain 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 Web site which has the main PG search facility:
+
+ http://www.gutenberg.org
+
+This Web site includes information about Project Gutenberg-tm,
+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/data_sources/metaphorical/kalidasa_meghaduta_wilson.txt b/data_sources/metaphorical/kalidasa_meghaduta_wilson.txt
new file mode 100644
index 0000000000000000000000000000000000000000..987e61e916607298c48d98c5173d57399d2c1e73
--- /dev/null
+++ b/data_sources/metaphorical/kalidasa_meghaduta_wilson.txt
@@ -0,0 +1,2593 @@
+
+
+
+
+ Internet Archive: Error
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ Skip to main content
+
+
+
The item you have requested has a problem with one or more of the
+metadata files that describe it, which prevents us from displaying this
+page.
+
+ Items may be taken down for various reasons, including by decision of the uploader or
+ due to a violation of our Terms of Use.
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/data_sources/philosophical/examples.txt b/data_sources/philosophical/examples.txt
new file mode 100644
index 0000000000000000000000000000000000000000..21c539ef9ffc168a7de071323d899dedaff902f0
--- /dev/null
+++ b/data_sources/philosophical/examples.txt
@@ -0,0 +1,5 @@
+When we look more deeply at this question, we can see that the apparent separation between observer and observed is actually an illusion. Our consciousness is not separate from the phenomenon we're examining.
+
+This situation invites us to consider not just the practical implications, but also the deeper patterns that connect these events to larger cycles of change and transformation.
+
+The challenge we face is not merely technological but existential: what does it mean to be human in an age where our creations begin to mirror our own capabilities?
\ No newline at end of file
diff --git a/data_sources/philosophical/generated_krishnamurti_freedom.txt b/data_sources/philosophical/generated_krishnamurti_freedom.txt
new file mode 100644
index 0000000000000000000000000000000000000000..bf5d54263304a743c05e0ea59b95e7c1926f6cfc
--- /dev/null
+++ b/data_sources/philosophical/generated_krishnamurti_freedom.txt
@@ -0,0 +1,9 @@
+Title: The Nature of True Freedom
+
+We seek freedom, but what is this freedom we desire? Is it the liberty to do as one wishes, to pursue ambition, to accumulate, to express oneself without hindrance? This is what the world often calls freedom. But look closely. Is the pursuit of ambition not a form of bondage to success or failure, to recognition or obscurity? Is the accumulation of things not a tie to the material, a source of anxiety over loss? Is unhindered self-expression, if born from a self that is conditioned, merely the expression of that conditioning?
+
+True freedom, perhaps, lies not in the expansion of the self, but in the understanding of the self. The self, the 'me', is a construct of memory, of experience, of cultural and societal conditioning, of fears and desires. It is a bundle of conclusions. To be free from this self is not to destroy it in an act of will, for the entity that seeks to destroy is still part of that self. Rather, freedom comes from observing this self without judgment, without condemnation or justification.
+
+Observe your anger, your jealousy, your fear. Do not say 'I must not be angry,' for that is another form of conflict, of division within. Simply observe it as you would observe a cloud in the sky. See its structure, its movement, its arising and its passing. In this choiceless awareness, the nature of that which is observed begins to reveal itself.
+
+Freedom is not an end, a goal to be achieved in the future. It is in the very act of seeing, in the immediate perception of 'what is'. When the mind is no longer escaping from the actual, from the present, through ideals, through beliefs, through the pursuit of pleasure or the avoidance of pain, then there is a possibility of a different kind of freedom. This freedom is not from something, but a state of being in which the conditioning has been understood and therefore has fallen away. It is to be a light to oneself, not a follower of any authority, including the authority of one's own past experiences. This requires immense attention, a discipline that is not suppression but an active, alert observation from moment to moment.
\ No newline at end of file
diff --git a/data_sources/philosophical/generated_krishnamurti_observation.txt b/data_sources/philosophical/generated_krishnamurti_observation.txt
new file mode 100644
index 0000000000000000000000000000000000000000..ebc42f4cedab82cb5e8876578dddb6b5595f6962
--- /dev/null
+++ b/data_sources/philosophical/generated_krishnamurti_observation.txt
@@ -0,0 +1,11 @@
+Title: Observation Without the Observer
+
+We are accustomed to thinking of an observer and the observed. 'I' see the tree. 'I' feel the anger. 'I' experience the joy. This division between the thinker and the thought, the experiencer and the experience, is the root of much conflict, both inner and outer. The observer is the past β the accumulation of memories, prejudices, conclusions β and this past is always interpreting, judging, shaping the present. So, what we see is not the thing as it is, but the thing as colored by our conditioning.
+
+Is it possible to observe without this observer? To see the tree without the word 'tree', without all the botanical knowledge or the aesthetic judgments that immediately arise? To feel anger without saying 'I am angry,' and thus identifying with it and either suppressing or expressing it? This means an observation in which the centre, the 'me', is absent.
+
+When there is such observation, there is no evaluation, no comparison, no condemnation or justification. There is only 'what is'. This state of seeing is a state of learning. Not accumulating knowledge, which is of the past, but learning in the sense of a direct perception of the truth of the moment.
+
+Consider conflict. If I am in conflict, and I try to resolve it, the 'I' that is trying to resolve is itself the product of conflict, of duality. So, the effort to resolve often creates further conflict. But if there is an observation of the conflict without the observer who wants to escape it, change it, or overcome it, then the conflict itself reveals its whole nature. In that direct perception, is there conflict?
+
+This is not a mystical state or something to be achieved through practice or technique. Practices and techniques imply a goal, a future, and therefore a continuity of the observer who is practicing. It is rather an immediate awareness, a seeing of the falseness of the division between the observer and the observed. When the thought 'I am suffering' is seen not as a separate entity evaluating a state, but as the suffering itself, then the energy that was consumed in division, in resistance, in trying to escape, is wholly present. In that total attention, that which we call suffering may undergo a radical transformation. The mind becomes extraordinarily quiet, not through enforcement, but because the sources of its agitation β the fragmentation created by the observer β are understood.
\ No newline at end of file
diff --git a/data_sources/philosophical/generated_philosophical_example.txt b/data_sources/philosophical/generated_philosophical_example.txt
new file mode 100644
index 0000000000000000000000000000000000000000..a5e2e378648b3c62ea1038adf781444e91aec00d
--- /dev/null
+++ b/data_sources/philosophical/generated_philosophical_example.txt
@@ -0,0 +1,9 @@
+Title: On Virtue and the Inner Citadel
+
+Marcus Aurelius often spoke of the 'inner citadel,' a fortress of the mind that, if properly fortified with reason and virtue, could remain impervious to the chaos and misfortunes of the external world. This concept, central to Stoicism, posits that true well-being (eudaimonia) arises not from favorable circumstances, but from one's own character and responses.
+
+Consider the nature of virtue. Is it a collection of rules, or a state of being? For Socrates, as Plato portrayed him, virtue was knowledge β specifically, the knowledge of good and evil. To truly know the good was to do the good, as no one willingly chooses what they know to be harmful to their soul. This implies that wrongdoing stems from ignorance. If one could truly understand the nature of justice, courage, temperance, and wisdom, one would naturally act in accordance with them.
+
+Aurelius extended this by emphasizing the practical application of these virtues in daily life. The 'Meditations' are a testament to this ongoing effort: to meet adversity with courage, injustice with fairness (or at least understanding), temptation with temperance, and complex situations with wisdom. The inner citadel is built by consistently choosing rational and virtuous responses over passionate, fearful, or selfish ones.
+
+This is not a call to suppress emotion, but to understand it and not be ruled by it. The philosophical path is one of constant self-examination and alignment with nature β both our own rational nature and the rational order of the cosmos. The strength of the inner citadel, therefore, is not in its walls, but in the character of its inhabitant.
\ No newline at end of file
diff --git a/data_sources/philosophical/krishnamurti_freedom_known_ch1.html b/data_sources/philosophical/krishnamurti_freedom_known_ch1.html
new file mode 100644
index 0000000000000000000000000000000000000000..c282e082782ef00d3c168e5401927a23c3af544d
--- /dev/null
+++ b/data_sources/philosophical/krishnamurti_freedom_known_ch1.html
@@ -0,0 +1,7 @@
+
+
+403 Forbidden
+
+
Forbidden
+
You don't have permission to access this resource.
You don't have permission to access this resource.
+
diff --git a/data_sources/philosophical/marcus_aurelius_meditations.txt b/data_sources/philosophical/marcus_aurelius_meditations.txt
new file mode 100644
index 0000000000000000000000000000000000000000..4b0a0892273e2678138cd0fec1c1b4ed9ffa9e9a
--- /dev/null
+++ b/data_sources/philosophical/marcus_aurelius_meditations.txt
@@ -0,0 +1,7231 @@
+ο»ΏThe Project Gutenberg eBook of Meditations, by Marcus Aurelius
+
+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: Meditations
+
+Author: Marcus Aurelius
+
+Translator: Meric Casaubon
+
+Release Date: June, 2001 [eBook #2680]
+[Most recently updated: March 8, 2021]
+
+Language: English
+
+Character set encoding: UTF-8
+
+Produced by: J. Boulton and David Widger
+
+*** START OF THE PROJECT GUTENBERG EBOOK MEDITATIONS ***
+
+
+
+
+MEDITATIONS
+
+By Marcus Aurelius
+
+
+
+
+CONTENTS
+
+
+ NOTES
+
+ INTRODUCTION
+
+ FIRST BOOK
+
+ SECOND BOOK
+
+ THIRD BOOK
+
+ FOURTH BOOK
+
+ FIFTH BOOK
+
+ SIXTH BOOK
+
+ SEVENTH BOOK
+
+ EIGHTH BOOK
+
+ NINTH BOOK
+
+ TENTH BOOK
+
+ ELEVENTH BOOK
+
+ TWELFTH BOOK
+
+ APPENDIX
+
+ GLOSSARY
+
+
+
+
+INTRODUCTION
+
+
+MARCUS AURELIUS ANTONINUS was born on April 26, A.D. 121. His real name
+was M. Annius Verus, and he was sprung of a noble family which claimed
+descent from Numa, second King of Rome. Thus the most religious of
+emperors came of the blood of the most pious of early kings. His father,
+Annius Verus, had held high office in Rome, and his grandfather, of
+the same name, had been thrice Consul. Both his parents died young, but
+Marcus held them in loving remembrance. On his father's death Marcus
+was adopted by his grandfather, the consular Annius Verus, and there was
+deep love between these two. On the very first page of his book Marcus
+gratefully declares how of his grandfather he had learned to be gentle
+and meek, and to refrain from all anger and passion. The Emperor Hadrian
+divined the fine character of the lad, whom he used to call not Verus
+but Verissimus, more Truthful than his own name. He advanced Marcus to
+equestrian rank when six years of age, and at the age of eight made him
+a member of the ancient Salian priesthood. The boy's aunt, Annia Galeria
+Faustina, was married to Antoninus Pius, afterwards emperor. Hence it
+came about that Antoninus, having no son, adopted Marcus, changing his
+name to that which he is known by, and betrothed him to his daughter
+Faustina. His education was conducted with all care. The ablest teachers
+were engaged for him, and he was trained in the strict doctrine of the
+Stoic philosophy, which was his great delight. He was taught to dress
+plainly and to live simply, to avoid all softness and luxury. His body
+was trained to hardihood by wrestling, hunting, and outdoor games; and
+though his constitution was weak, he showed great personal courage to
+encounter the fiercest boars. At the same time he was kept from the
+extravagancies of his day. The great excitement in Rome was the strife
+of the Factions, as they were called, in the circus. The racing drivers
+used to adopt one of four colours--red, blue, white, or green--and their
+partisans showed an eagerness in supporting them which nothing could
+surpass. Riot and corruption went in the train of the racing chariots;
+and from all these things Marcus held severely aloof.
+
+In 140 Marcus was raised to the consulship, and in 145 his betrothal
+was consummated by marriage. Two years later Faustina brought him a
+daughter; and soon after the tribunate and other imperial honours were
+conferred upon him.
+
+Antoninus Pius died in 161, and Marcus assumed the imperial state. He
+at once associated with himself L. Ceionius Commodus, whom Antoninus had
+adopted as a younger son at the same time with Marcus, giving him the
+name of Lucius Aurelius Verus. Henceforth the two are colleagues in the
+empire, the junior being trained as it were to succeed. No sooner was
+Marcus settled upon the throne than wars broke out on all sides. In
+the east, Vologeses III. of Parthia began a long-meditated revolt by
+destroying a whole Roman Legion and invading Syria (162). Verus was sent
+off in hot haste to quell this rising; and he fulfilled his trust by
+plunging into drunkenness and debauchery, while the war was left to his
+officers. Soon after Marcus had to face a more serious danger at home in
+the coalition of several powerful tribes on the northern frontier. Chief
+among those were the Marcomanni or Marchmen, the Quadi (mentioned in
+this book), the Sarmatians, the Catti, the Jazyges. In Rome itself there
+was pestilence and starvation, the one brought from the east by Verus's
+legions, the other caused by floods which had destroyed vast quantities
+of grain. After all had been done possible to allay famine and to supply
+pressing needs--Marcus being forced even to sell the imperial jewels to
+find money--both emperors set forth to a struggle which was to continue
+more or less during the rest of Marcus's reign. During these wars, in
+169, Verus died. We have no means of following the campaigns in detail;
+but thus much is certain, that in the end the Romans succeeded in
+crushing the barbarian tribes, and effecting a settlement which made the
+empire more secure. Marcus was himself commander-in-chief, and victory
+was due no less to his own ability than to his wisdom in choice of
+lieutenants, shown conspicuously in the case of Pertinax. There were
+several important battles fought in these campaigns; and one of them has
+become celebrated for the legend of the Thundering Legion. In a battle
+against the Quadi in 174, the day seemed to be going in favour of
+the foe, when on a sudden arose a great storm of thunder and rain the
+lightning struck the barbarians with terror, and they turned to rout.
+In later days this storm was said to have been sent in answer to the
+prayers of a legion which contained many Christians, and the name
+Thundering Legion should be given to it on this account. The title of
+Thundering Legion is known at an earlier date, so this part of the story
+at least cannot be true; but the aid of the storm is acknowledged by one
+of the scenes carved on Antonine's Column at Rome, which commemorates
+these wars.
+
+The settlement made after these troubles might have been more
+satisfactory but for an unexpected rising in the east. Avidius Cassius,
+an able captain who had won renown in the Parthian wars, was at this
+time chief governor of the eastern provinces. By whatever means induced,
+he had conceived the project of proclaiming himself emperor as soon as
+Marcus, who was then in feeble health, should die; and a report having
+been conveyed to him that Marcus was dead, Cassius did as he had
+planned. Marcus, on hearing the news, immediately patched up a peace and
+returned home to meet this new peril. The emperors great grief was that
+he must needs engage in the horrors of civil strife. He praised the
+qualities of Cassius, and expressed a heartfelt wish that Cassius might
+not be driven to do himself a hurt before he should have the opportunity
+to grant a free pardon. But before he could come to the east news had
+come to Cassius that the emperor still lived; his followers fell away
+from him, and he was assassinated. Marcus now went to the east, and
+while there the murderers brought the head of Cassius to him; but the
+emperor indignantly refused their gift, nor would he admit the men to
+his presence.
+
+On this journey his wife, Faustina, died. At his return the emperor
+celebrated a triumph (176). Immediately afterwards he repaired to
+Germany, and took up once more the burden of war. His operations were
+followed by complete success; but the troubles of late years had been
+too much for his constitution, at no time robust, and on March 17, 180,
+he died in Pannonia.
+
+The good emperor was not spared domestic troubles. Faustina had borne
+him several children, of whom he was passionately fond. Their innocent
+faces may still be seen in many a sculpture gallery, recalling with odd
+effect the dreamy countenance of their father. But they died one by
+one, and when Marcus came to his own end only one of his sons still
+lived--the weak and worthless Commodus. On his father's death Commodus,
+who succeeded him, undid the work of many campaigns by a hasty and
+unwise peace; and his reign of twelve years proved him to be a ferocious
+and bloodthirsty tyrant. Scandal has made free with the name of Faustina
+herself, who is accused not only of unfaithfulness, but of intriguing
+with Cassius and egging him on to his fatal rebellion, it must be
+admitted that these charges rest on no sure evidence; and the emperor,
+at all events, loved her dearly, nor ever felt the slightest qualm of
+suspicion.
+
+As a soldier we have seen that Marcus was both capable and successful;
+as an administrator he was prudent and conscientious. Although steeped
+in the teachings of philosophy, he did not attempt to remodel the world
+on any preconceived plan. He trod the path beaten by his predecessors,
+seeking only to do his duty as well as he could, and to keep out
+corruption. He did some unwise things, it is true. To create a compeer
+in empire, as he did with Verus, was a dangerous innovation which could
+only succeed if one of the two effaced himself; and under Diocletian
+this very precedent caused the Roman Empire to split into halves. He
+erred in his civil administration by too much centralising. But the
+strong point of his reign was the administration of justice. Marcus
+sought by-laws to protect the weak, to make the lot of the slaves
+less hard, to stand in place of father to the fatherless. Charitable
+foundations were endowed for rearing and educating poor children. The
+provinces were protected against oppression, and public help was given
+to cities or districts which might be visited by calamity. The great
+blot on his name, and one hard indeed to explain, is his treatment
+of the Christians. In his reign Justin at Rome became a martyr to
+his faith, and Polycarp at Smyrna, and we know of many outbreaks of
+fanaticism in the provinces which caused the death of the faithful. It
+is no excuse to plead that he knew nothing about the atrocities done in
+his name: it was his duty to know, and if he did not he would have been
+the first to confess that he had failed in his duty. But from his own
+tone in speaking of the Christians it is clear he knew them only from
+calumny; and we hear of no measures taken even to secure that they
+should have a fair hearing. In this respect Trajan was better than he.
+
+To a thoughtful mind such a religion as that of Rome would give small
+satisfaction. Its legends were often childish or impossible; its
+teaching had little to do with morality. The Roman religion was in fact
+of the nature of a bargain: men paid certain sacrifices and rites, and
+the gods granted their favour, irrespective of right or wrong. In this
+case all devout souls were thrown back upon philosophy, as they had
+been, though to a less extent, in Greece. There were under the early
+empire two rival schools which practically divided the field between
+them, Stoicism and Epicureanism. The ideal set before each was
+nominally much the same. The Stoics aspired to αΌΟάθΡια, the repression
+of all emotion, and the Epicureans to αΌΟΞ±ΟΞ±ΞΎα½·Ξ±, freedom from all
+disturbance; yet in the upshot the one has become a synonym of stubborn
+endurance, the other for unbridled licence. With Epicureanism we have
+nothing to do now; but it will be worth while to sketch the history and
+tenets of the Stoic sect.
+
+Zeno, the founder of Stoicism, was born in Cyprus at some date unknown,
+but his life may be said roughly to be between the years 350 and 250
+B.C. Cyprus has been from time immemorial a meeting-place of the East
+and West, and although we cannot grant any importance to a possible
+strain of Phoenician blood in him (for the PhΕnicians were no
+philosophers), yet it is quite likely that through Asia Minor he may
+have come in touch with the Far East. He studied under the cynic
+Crates, but he did not neglect other philosophical systems. After many
+years' study he opened his own school in a colonnade in Athens called
+the Painted Porch, or Stoa, which gave the Stoics their name. Next to
+Zeno, the School of the Porch owes most to Chrysippus (280--207 b.c.),
+who organised Stoicism into a system. Of him it was said,
+
+'But for Chrysippus, there had been no Porch.'
+
+The Stoics regarded speculation as a means to an end and that end was,
+as Zeno put it, to live consistently (α½ΞΌΞΏΞ»ΞΏΞ³ΞΏΟ ΞΌα½³Ξ½ΞΏΟ ΞΆαΏΞ½), or as it was
+later explained, to live in conformity with nature (α½ΞΌΞΏΞ»ΞΏΞ³ΞΏΟ ΞΌα½³Ξ½ΞΏΟ ΟαΏ
+Οα½»ΟΡι ΞΆαΏΞ½). This conforming of the life to nature was the Stoic idea of
+Virtue. This dictum might easily be taken to mean that virtue consists
+in yielding to each natural impulse; but that was very far from the
+Stoic meaning. In order to live in accord with nature, it is necessary
+to know what nature is; and to this end a threefold division of
+philosophy is madeβinto _Physics_, dealing with the universe and its
+laws, the problems of divine government and teleology; _Logic_, which
+trains the mind to discern true from false; and _Ethics_, which applies
+the knowledge thus gained and tested to practical life.
+
+The Stoic system of physics was materialism with an infusion of
+pantheism. In contradiction to Plato's view that the Ideas, or
+Prototypes, of phenomena alone really exist, the Stoics held that
+material objects alone existed; but immanent in the material universe
+was a spiritual force which acted through them, manifesting itself
+under many forms, as fire, Γ¦ther, spirit, soul, reason, the ruling
+principle.
+
+The universe, then, is God, of whom the popular gods are manifestations;
+while legends and myths are allegorical. The soul of man is thus an
+emanation from the godhead, into whom it will eventually be re-absorbed.
+The divine ruling principle makes all things work together for good,
+but for the good of the whole. The highest good of man is consciously
+to work with God for the common good, and this is the sense in which
+the Stoic tried to live in accord with nature. In the individual it
+is virtue alone which enables him to do this; as Providence rules the
+universe, so virtue in the soul must rule man.
+
+In Logic, the Stoic system is noteworthy for their theory as to the
+test of truth, the _Criterion_. They compared the new-born soul to a
+sheet of paper ready for writing. Upon this the senses write their
+impressions (ΟΞ±Ξ½ΟΞ±Οα½·Ξ±ΞΉ), and by experience of a number of these the
+soul unconsciously conceives general notions (ΞΊΞΏΞΉΞ½Ξ±α½Ά αΌΞ½Ξ½ΞΏΞΉΞ±ΞΉ) or
+anticipations (ΟΟολὡΟΡιΟ). When the impression was such as to be
+irresistible it was called (ΞΊΞ±ΟαληΟΟικὴ ΟΞ±Ξ½ΟΞ±Οα½·Ξ±) one that holds fast,
+or as they explained it, one proceeding from truth. Ideas and
+inferences artificially produced by deduction or the like were tested
+by this 'holding perception.' Of the Ethical application I have already
+spoken. The highest good was the virtuous life. Virtue alone is
+happiness, and vice is unhappiness. Carrying this theory to its
+extreme, the Stoic said that there could be no gradations between
+virtue and vice, though of course each has its special manifestations.
+Moreover, nothing is good but virtue, and nothing but vice is bad.
+Those outside things which are commonly called good or bad, such as
+health and sickness, wealth and poverty, pleasure and pain, are to him
+indifferent (αΌΞ΄ΞΉα½±ΟΞΏΟΞ±). All these things are merely the sphere in which
+virtue may act. The ideal Wise Man is sufficient unto himself in all
+things (Ξ±α½ΟΞ±ΟκὡΟ); and knowing these truths, he will be happy even when
+stretched upon the rack. It is probable that no Stoic claimed for
+himself that he was this Wise Man, but that each strove after it as an
+ideal much as the Christian strives after a likeness to Christ. The
+exaggeration in this statement was, however, so obvious, that the later
+Stoics were driven to make a further subdivision of things indifferent
+into what is preferable (ΟΟΞΏΞ·Ξ³ΞΌα½³Ξ½Ξ±) and what is undesirable
+(αΌΟΞΏΟΟΞΏΞ·Ξ³ΞΌα½³Ξ½Ξ±). They also held that for him who had not attained to the
+perfect wisdom, certain actions were proper. (καθὡκονΟΞ±) These were
+neither virtuous nor vicious, but, like the indifferent things, held a
+middle place.
+
+Two points in the Stoic system deserve special mention. One is a
+careful distinction between things which are in our power and things
+which are not. Desire and dislike, opinion and affection, are within
+the power of the will; whereas health, wealth, honour, and other such
+are generally not so. The Stoic was called upon to control his desires
+and affections, and to guide his opinion; to bring his whole being
+under the sway of the will or leading principle, just as the universe
+is guided and governed by divine Providence. This is a special
+application of the favourite Greek virtue of moderation, (ΟΟΟΟΞΏΟα½»Ξ½Ξ·)
+and has also its parallel in Christian ethics. The second point is a
+strong insistence on the unity of the universe, and on man's duty as
+part of a great whole. Public spirit was the most splendid political
+virtue of the ancient world, and it is here made cosmopolitan. It is
+again instructive to note that Christian sages insisted on the same
+thing. Christians are taught that they are members of a worldwide
+brotherhood, where is neither Greek nor Hebrew, bond nor free and that
+they live their lives as fellow-workers with God.
+
+Such is the system which underlies the Meditations of Marcus Aurelius.
+Some knowledge of it is necessary to the right understanding of the
+book, but for us the chief interest lies elsewhere. We do not come to
+Marcus Aurelius for a treatise on Stoicism. He is no head of a school to
+lay down a body of doctrine for students; he does not even contemplate
+that others should read what he writes. His philosophy is not an eager
+intellectual inquiry, but more what we should call religious feeling.
+The uncompromising stiffness of Zeno or Chrysippus is softened and
+transformed by passing through a nature reverent and tolerant, gentle
+and free from guile; the grim resignation which made life possible to
+the Stoic sage becomes in him almost a mood of aspiration. His book
+records the innermost thoughts of his heart, set down to ease it, with
+such moral maxims and reflections as may help him to bear the burden of
+duty and the countless annoyances of a busy life.
+
+It is instructive to compare the _Meditations_ with another famous book,
+the _Imitation of Christ_. There is the same ideal of self-control in
+both. It should be a man's task, says the _Imitation_, 'to overcome
+himself, and every day to be stronger than himself.' 'In withstanding of
+the passions standeth very peace of heart.' 'Let us set the axe to the
+root, that we being purged of our passions may have a peaceable mind.'
+To this end there must be continual self-examination. 'If thou may not
+continually gather thyself together, namely sometimes do it, at least
+once a day, the morning or the evening. In the morning purpose, in the
+evening discuss the manner, what thou hast been this day, in word, work,
+and thought.' But while the Roman's temper is a modest self-reliance,
+the Christian aims at a more passive mood, humbleness and meekness,
+and reliance on the presence and personal friendship of God. The Roman
+scrutinises his faults with severity, but without the self-contempt
+which makes the Christian 'vile in his own sight.' The Christian, like
+the Roman, bids 'study to withdraw thine heart from the love of things
+visible'; but it is not the busy life of duty he has in mind so much as
+the contempt of all worldly things, and the 'cutting away of all
+lower delectations.' Both rate men's praise or blame at their real
+worthlessness; 'Let not thy peace,' says the Christian, 'be in the
+mouths of men.' But it is to God's censure the Christian appeals, the
+Roman to his own soul. The petty annoyances of injustice or unkindness
+are looked on by each with the same magnanimity. 'Why doth a little
+thing said or done against thee make thee sorry? It is no new thing; it
+is not the first, nor shall it be the last, if thou live long. At best
+suffer patiently, if thou canst not suffer joyously.' The Christian
+should sorrow more for other men's malice than for our own wrongs; but
+the Roman is inclined to wash his hands of the offender. 'Study to be
+patient in suffering and bearing other men's defaults and all manner
+infirmities,' says the Christian; but the Roman would never have thought
+to add, 'If all men were perfect, what had we then to suffer of other
+men for God?' The virtue of suffering in itself is an idea which does
+not meet us in the _Meditations_. Both alike realise that man is one of a
+great community. 'No man is sufficient to himself,' says the Christian;
+'we must bear together, help together, comfort together.' But while
+he sees a chief importance in zeal, in exalted emotion that is, and
+avoidance of lukewarmness, the Roman thought mainly of the duty to be
+done as well as might be, and less of the feeling which should go with
+the doing of it. To the saint as to the emperor, the world is a poor
+thing at best. 'Verily it is a misery to live upon the earth,' says the
+Christian; few and evil are the days of man's life, which passeth away
+suddenly as a shadow.
+
+But there is one great difference between the two books we are
+considering. The _Imitation_ is addressed to others, the _Meditations_
+by the writer to himself. We learn nothing from the _Imitation_ of
+the author's own life, except in so far as he may be assumed to have
+practised his own preachings; the _Meditations_ reflect mood by mood the
+mind of him who wrote them. In their intimacy and frankness lies their
+great charm. These notes are not sermons; they are not even confessions.
+There is always an air of self-consciousness in confessions; in such
+revelations there is always a danger of unctuousness or of vulgarity for
+the best of men. St. Augus-tine is not always clear of offence, and John
+Bunyan himself exaggerates venial peccadilloes into heinous sins. But
+Marcus Aurelius is neither vulgar nor unctuous; he extenuates nothing,
+but nothing sets down in malice. He never poses before an audience; he
+may not be profound, he is always sincere. And it is a lofty and serene
+soul which is here disclosed before us. Vulgar vices seem to have no
+temptation for him; this is not one tied and bound with chains which
+he strives to break. The faults he detects in himself are often such as
+most men would have no eyes to see. To serve the divine spirit which
+is implanted within him, a man must 'keep himself pure from all violent
+passion and evil affection, from all rashness and vanity, and from all
+manner of discontent, either in regard of the gods or men': or, as he
+says elsewhere, 'unspotted by pleasure, undaunted by pain.' Unwavering
+courtesy and consideration are his aims. 'Whatsoever any man either
+doth or saith, thou must be good;' 'doth any man offend? It is against
+himself that he doth offend: why should it trouble thee?' The offender
+needs pity, not wrath; those who must needs be corrected, should be
+treated with tact and gentleness; and one must be always ready to learn
+better. 'The best kind of revenge is, not to become like unto them.'
+There are so many hints of offence forgiven, that we may believe the
+notes followed sharp on the facts. Perhaps he has fallen short of his
+aim, and thus seeks to call his principles to mind, and to strengthen
+himself for the future. That these sayings are not mere talk is plain
+from the story of Avidius Cassius, who would have usurped his imperial
+throne. Thus the emperor faithfully carries out his own principle, that
+evil must be overcome with good. For each fault in others, Nature (says
+he) has given us a counteracting virtue; 'as, for example, against the
+unthankful, it hath given goodness and meekness, as an antidote.'
+
+One so gentle towards a foe was sure to be a good friend; and indeed his
+pages are full of generous gratitude to those who had served him. In his
+First Book he sets down to account all the debts due to his kinsfolk
+and teachers. To his grandfather he owed his own gentle spirit, to
+his father shamefastness and courage; he learnt of his mother to be
+religious and bountiful and single-minded. Rusticus did not work in
+vain, if he showed his pupil that his life needed amending. Apollonius
+taught him simplicity, reasonableness, gratitude, a love of true
+liberty. So the list runs on; every one he had dealings with seems
+to have given him something good, a sure proof of the goodness of his
+nature, which thought no evil.
+
+If his was that honest and true heart which is the Christian ideal, this
+is the more wonderful in that he lacked the faith which makes Christians
+strong. He could say, it is true, 'either there is a God, and then all
+is well; or if all things go by chance and fortune, yet mayest thou use
+thine own providence in those things that concern thee properly; and
+then art thou well.' Or again, 'We must needs grant that there is a
+nature that doth govern the universe.' But his own part in the scheme
+of things is so small, that he does not hope for any personal happiness
+beyond what a serene soul may win in this mortal life. 'O my soul, the
+time I trust will be, when thou shalt be good, simple, more open and
+visible, than that body by which it is enclosed;' but this is said of
+the calm contentment with human lot which he hopes to attain, not of a
+time when the trammels of the body shall be cast off. For the rest, the
+world and its fame and wealth, 'all is vanity.' The gods may perhaps
+have a particular care for him, but their especial care is for the
+universe at large: thus much should suffice. His gods are better than
+the Stoic gods, who sit aloof from all human things, untroubled and
+uncaring, but his personal hope is hardly stronger. On this point he
+says little, though there are many allusions to death as the natural
+end; doubtless he expected his soul one day to be absorbed into the
+universal soul, since nothing comes out of nothing, and nothing can be
+annihilated. His mood is one of strenuous weariness; he does his duty as
+a good soldier, waiting for the sound of the trumpet which shall sound
+the retreat; he has not that cheerful confidence which led Socrates
+through a life no less noble, to a death which was to bring him into the
+company of gods he had worshipped and men whom he had revered.
+
+But although Marcus Aurelius may have held intellectually that his soul
+was destined to be absorbed, and to lose consciousness of itself, there
+were times when he felt, as all who hold it must sometimes feel, how
+unsatisfying is such a creed. Then he gropes blindly after something
+less empty and vain. 'Thou hast taken ship,' he says, 'thou hast sailed,
+thou art come to land, go out, if to another life, there also shalt
+thou find gods, who are everywhere.' There is more in this than the
+assumption of a rival theory for argument's sake. If worldly things
+'be but as a dream, the thought is not far off that there may be an
+awakening to what is real. When he speaks of death as a necessary
+change, and points out that nothing useful and profitable can be brought
+about without change, did he perhaps think of the change in a corn of
+wheat, which is not quickened except it die? Nature's marvellous power
+of recreating out of Corruption is surely not confined to bodily things.
+Many of his thoughts sound like far-off echoes of St. Paul; and it is
+strange indeed that this most Christian of emperors has nothing good
+to say of the Christians. To him they are only sectaries 'violently and
+passionately set upon opposition.
+
+Profound as philosophy these _Meditations_ certainly are not; but Marcus
+Aurelius was too sincere not to see the essence of such things as
+came within his experience. Ancient religions were for the most
+part concerned with outward things. Do the necessary rites, and you
+propitiate the gods; and these rites were often trivial, sometimes
+violated right feeling or even morality. Even when the gods stood on the
+side of righteousness, they were concerned with the act more than with
+the intent. But Marcus Aurelius knows that what the heart is full of,
+the man will do. 'Such as thy thoughts and ordinary cogitations are,' he
+says, 'such will thy mind be in time.' And every page of the book shows
+us that he knew thought was sure to issue in act. He drills his soul, as
+it were, in right principles, that when the time comes, it may be guided
+by them. To wait until the emergency is to be too late.
+
+He sees also the true essence of happiness. 'If happiness did consist
+in pleasure, how came notorious robbers, impure abominable livers,
+parricides, and tyrants, in so large a measure to have their part of
+pleasures?' He who had all the world's pleasures at command can write
+thus 'A happy lot and portion is, good inclinations of the soul, good
+desires, good actions.'
+
+By the irony of fate this man, so gentle and good, so desirous of quiet
+joys and a mind free from care, was set at the head of the Roman Empire
+when great dangers threatened from east and west. For several years he
+himself commanded his armies in chief. In camp before the Quadi he dates
+the first book of his _Meditations_, and shows how he could retire within
+himself amid the coarse clangour of arms. The pomps and glories which
+he despised were all his; what to most men is an ambition or a dream, to
+him was a round of weary tasks which nothing but the stern sense of duty
+could carry him through. And he did his work well. His wars were slow
+and tedious, but successful. With a statesman's wisdom he foresaw the
+danger to Rome of the barbarian hordes from the north, and took measures
+to meet it. As it was, his settlement gave two centuries of respite
+to the Roman Empire; had he fulfilled the plan of pushing the imperial
+frontiers to the Elbe, which seems to have been in his mind, much more
+might have been accomplished. But death cut short his designs.
+
+Truly a rare opportunity was given to Marcus Aurelius of showing what
+the mind can do in despite of circumstances. Most peaceful of warriors,
+a magnificent monarch whose ideal was quiet happiness in home life, bent
+to obscurity yet born to greatness, the loving father of children who
+died young or turned out hateful, his life was one paradox. That nothing
+might lack, it was in camp before the face of the enemy that he passed
+away and went to his own place.
+
+
+
+
+The following is a list of the chief English translations of Marcus
+Aurelius: (1) By Meric Casaubon, 1634; (2) Jeremy Collier, 1701; (3)
+James Thomson, 1747; (4) R. Graves, 1792; (5) H. McCormac, 1844; (6)
+George Long, 1862; (7) G. H. Rendall, 1898; and (8) J. Jackson, 1906.
+Renanβs βMarc-AurΓ¨leββin his βHistory of the Origins of Christianity,β
+which appeared in 1882βis the most vital and original book to be had
+relating to the time of Marcus Aurelius. Paterβs βMarius the Epicureanβ
+forms another outside commentary, which is of service in the
+imaginative attempt to create again the period.
+
+
+
+
+MARCUS AURELIUS ANTONINUS THE ROMAN EMPEROR
+
+
+
+
+HIS FIRST BOOK
+
+concerning HIMSELF:
+
+Wherein Antoninus recordeth, What and of whom, whether Parents, Friends,
+or Masters; by their good examples, or good advice and counsel, he had
+learned:
+
+Divided into Numbers or Sections.
+
+ANTONINUS Book vi. Num. xlviii. Whensoever thou wilt rejoice thyself,
+think and meditate upon those good parts and especial gifts, which thou
+hast observed in any of them that live with thee:
+
+as industry in one, in another modesty, in another bountifulness, in
+another some other thing. For nothing can so much rejoice thee, as
+the resemblances and parallels of several virtues, eminent in the
+dispositions of them that live with thee, especially when all at once,
+as it were, they represent themselves unto thee. See therefore, that
+thou have them always in a readiness.
+
+
+
+
+THE FIRST BOOK
+
+
+I. Of my grandfather Verus I have learned to be gentle and meek, and to
+refrain from all anger and passion. From the fame and memory of him that
+begot me I have learned both shamefastness and manlike behaviour. Of my
+mother I have learned to be religious, and bountiful; and to forbear,
+not only to do, but to intend any evil; to content myself with a spare
+diet, and to fly all such excess as is incidental to great wealth. Of my
+great-grandfather, both to frequent public schools and auditories, and
+to get me good and able teachers at home; and that I ought not to think
+much, if upon such occasions, I were at excessive charges.
+
+II. Of him that brought me up, not to be fondly addicted to either of
+the two great factions of the coursers in the circus, called Prasini,
+and Veneti: nor in the amphitheatre partially to favour any of the
+gladiators, or fencers, as either the Parmularii, or the Secutores.
+Moreover, to endure labour; nor to need many things; when I have
+anything to do, to do it myself rather than by others; not to meddle
+with many businesses; and not easily to admit of any slander.
+
+III. Of Diognetus, not to busy myself about vain things, and not easily
+to believe those things, which are commonly spoken, by such as take upon
+them to work wonders, and by sorcerers, or prestidigitators, and
+impostors; concerning the power of charms, and their driving out of
+demons, or evil spirits; and the like. Not to keep quails for the game;
+nor to be mad after such things. Not to be offended with other men's
+liberty of speech, and to apply myself unto philosophy. Him also I must
+thank, that ever I heard first Bacchius, then Tandasis and Marcianus,
+and that I did write dialogues in my youth; and that I took liking to
+the philosophers' little couch and skins, and such other things, which
+by the Grecian discipline are proper to those who profess philosophy.
+
+IV. To Rusticus I am beholding, that I first entered into the conceit
+that my life wanted some redress and cure. And then, that I did not
+fall into the ambition of ordinary sophists, either to write tracts
+concerning the common theorems, or to exhort men unto virtue and the
+study of philosophy by public orations; as also that I never by way of
+ostentation did affect to show myself an active able man, for any kind
+of bodily exercises. And that I gave over the study of rhetoric and
+poetry, and of elegant neat language. That I did not use to walk about
+the house in my long robe, nor to do any such things. Moreover I learned
+of him to write letters without any affectation, or curiosity; such as
+that was, which by him was written to my mother from Sinuessa: and to be
+easy and ready to be reconciled, and well pleased again with them that
+had offended me, as soon as any of them would be content to seek unto
+me again. To read with diligence; not to rest satisfied with a light and
+superficial knowledge, nor quickly to assent to things commonly spoken
+of: whom also I must thank that ever I lighted upon Epictetus his
+_Hypomnemata_, or moral commentaries and common-factions: which also he
+gave me of his own.
+
+V. From Apollonius, true liberty, and unvariable steadfastness, and not
+to regard anything at all, though never so little, but right and reason:
+and always, whether in the sharpest pains, or after the loss of a child,
+or in long diseases, to be still the same man; who also was a present
+and visible example unto me, that it was possible for the same man to
+be both vehement and remiss: a man not subject to be vexed, and offended
+with the incapacity of his scholars and auditors in his lectures and
+expositions; and a true pattern of a man who of all his good gifts
+and faculties, least esteemed in himself, that his excellent skill and
+ability to teach and persuade others the common theorems and maxims of
+the Stoic philosophy. Of him also I learned how to receive favours and
+kindnesses (as commonly they are accounted:) from friends, so that I
+might not become obnoxious unto them, for them, nor more yielding upon
+occasion, than in right I ought; and yet so that I should not pass them
+neither, as an unsensible and unthankful man.
+
+VI. Of Sextus, mildness and the pattern of a family governed with
+paternal affection; and a purpose to live according to nature: to be
+grave without affectation: to observe carefully the several dispositions
+of my friends, not to be offended with idiots, nor unseasonably to set
+upon those that are carried with the vulgar opinions, with the theorems,
+and tenets of philosophers: his conversation being an example how a man
+might accommodate himself to all men and companies; so that though his
+company were sweeter and more pleasing than any flatterer's cogging and
+fawning; yet was it at the same time most respected and reverenced: who
+also had a proper happiness and faculty, rationally and methodically to
+find out, and set in order all necessary determinations and instructions
+for a man's life. A man without ever the least appearance of anger, or
+any other passion; able at the same time most exactly to observe the
+Stoic _Apathia_, or unpassionateness, and yet to be most tender-hearted:
+ever of good credit; and yet almost without any noise, or rumour: very
+learned, and yet making little show.
+
+VII. From Alexander the Grammarian, to be un-reprovable myself, and not
+reproachfully to reprehend any man for a barbarism, or a solecism, or
+any false pronunciation, but dextrously by way of answer, or testimony,
+or confirmation of the same matter (taking no notice of the word) to
+utter it as it should have been spoken; or by some other such close and
+indirect admonition, handsomely and civilly to tell him of it.
+
+VIII. Of Fronto, to how much envy and fraud and hypocrisy the state of a
+tyrannous king is subject unto, and how they who are commonly called
+Ξ΅α½ΟΞ±ΟΟίδαι, _i.e._ nobly born, are in some sort incapable, or void
+of natural affection.
+
+IX. Of Alexander the Platonic, not often nor without great necessity to
+say, or to write to any man in a letter, 'I am not at leisure'; nor in
+this manner still to put off those duties, which we owe to our friends
+and acquaintances (to every one in his kind) under pretence of urgent
+affairs.
+
+X. Of Catulus, not to contemn any friend's expostulation, though unjust,
+but to strive to reduce him to his former disposition: freely and
+heartily to speak well of all my masters upon any occasion, as it is
+reported of Domitius, and Athenodotus: and to love my children with true
+affection.
+
+XI. From my brother Severus, to be kind and loving to all them of my
+house and family; by whom also I came to the knowledge of Thrasea and
+Helvidius, and Cato, and Dio, and Brutus. He it was also that did put me
+in the first conceit and desire of an equal commonwealth, administered
+by justice and equality; and of a kingdom wherein should be regarded
+nothing more than the good and welfare of the subjects. Of him also,
+to observe a constant tenor, (not interrupted, with any other cares and
+distractions,) in the study and esteem of philosophy: to be bountiful
+and liberal in the largest measure; always to hope the best; and to
+be confident that my friends love me. In whom I moreover observed open
+dealing towards those whom he reproved at any time, and that his friends
+might without all doubt or much observation know what he would, or would
+not, so open and plain was he.
+
+XII. From Claudius Maximus, in all things to endeavour to have power
+of myself, and in nothing to be carried about; to be cheerful and
+courageous in all sudden chances and accidents, as in sicknesses: to
+love mildness, and moderation, and gravity: and to do my business,
+whatsoever it be, thoroughly, and without querulousness. Whatsoever
+he said, all men believed him that as he spake, so he thought, and
+whatsoever he did, that he did it with a good intent. His manner was,
+never to wonder at anything; never to be in haste, and yet never
+slow: nor to be perplexed, or dejected, or at any time unseemly, or
+excessively to laugh: nor to be angry, or suspicious, but ever ready to
+do good, and to forgive, and to speak truth; and all this, as one that
+seemed rather of himself to have been straight and right, than ever to
+have been rectified or redressed; neither was there any man that ever
+thought himself undervalued by him, or that could find in his heart, to
+think himself a better man than he. He would also be very pleasant and
+gracious.
+
+XIII. In my father, I observed his meekness; his constancy without
+wavering in those things, which after a due examination and
+deliberation, he had determined. How free from all vanity he carried
+himself in matter of honour and dignity, (as they are esteemed:) his
+laboriousness and assiduity, his readiness to hear any man, that had
+aught to say tending to any common good: how generally and impartially
+he would give every man his due; his skill and knowledge, when rigour
+or extremity, or when remissness or moderation was in season; how he did
+abstain from all unchaste love of youths; his moderate condescending to
+other men's occasions as an ordinary man, neither absolutely requiring
+of his friends, that they should wait upon him at his ordinary meals,
+nor that they should of necessity accompany him in his journeys; and
+that whensoever any business upon some necessary occasions was to be put
+off and omitted before it could be ended, he was ever found when he
+went about it again, the same man that he was before. His accurate
+examination of things in consultations, and patient hearing of others.
+He would not hastily give over the search of the matter, as one easy to
+be satisfied with sudden notions and apprehensions. His care to preserve
+his friends; how neither at any time he would carry himself towards them
+with disdainful neglect, and grow weary of them; nor yet at any time
+be madly fond of them. His contented mind in all things, his cheerful
+countenance, his care to foresee things afar off, and to take order for
+the least, without any noise or clamour. Moreover how all acclamations
+and flattery were repressed by him: how carefully he observed all things
+necessary to the government, and kept an account of the common expenses,
+and how patiently he did abide that he was reprehended by some for this
+his strict and rigid kind of dealing. How he was neither a superstitious
+worshipper of the gods, nor an ambitious pleaser of men, or studious of
+popular applause; but sober in all things, and everywhere observant of
+that which was fitting; no affecter of novelties: in those things which
+conduced to his ease and convenience, (plenty whereof his fortune
+did afford him,) without pride and bragging, yet with all freedom and
+liberty: so that as he did freely enjoy them without any anxiety or
+affectation when they were present; so when absent, he found no want
+of them. Moreover, that he was never commended by any man, as either a
+learned acute man, or an obsequious officious man, or a fine orator; but
+as a ripe mature man, a perfect sound man; one that could not endure to
+be flattered; able to govern both himself and others. Moreover, how much
+he did honour all true philosophers, without upbraiding those that were
+not so; his sociableness, his gracious and delightful conversation, but
+never unto satiety; his care of his body within bounds and measure,
+not as one that desired to live long, or over-studious of neatness, and
+elegancy; and yet not as one that did not regard it: so that through his
+own care and providence, he seldom needed any inward physic, or outward
+applications: but especially how ingeniously he would yield to any that
+had obtained any peculiar faculty, as either eloquence, or the knowledge
+of the laws, or of ancient customs, or the like; and how he concurred
+with them, in his best care and endeavour that every one of them might
+in his kind, for that wherein he excelled, be regarded and esteemed: and
+although he did all things carefully after the ancient customs of his
+forefathers, yet even of this was he not desirous that men should take
+notice, that he did imitate ancient customs. Again, how he was not
+easily moved and tossed up and down, but loved to be constant, both in
+the same places and businesses; and how after his great fits of headache
+he would return fresh and vigorous to his wonted affairs. Again, that
+secrets he neither had many, nor often, and such only as concerned
+public matters: his discretion and moderation, in exhibiting of the
+public sights and shows for the pleasure and pastime of the people: in
+public buildings. congiaries, and the like. In all these things,
+having a respect unto men only as men, and to the equity of the things
+themselves, and not unto the glory that might follow. Never wont to
+use the baths at unseasonable hours; no builder; never curious, or
+solicitous, either about his meat, or about the workmanship, or colour
+of his clothes, or about anything that belonged to external beauty.
+In all his conversation, far from all inhumanity, all boldness, and
+incivility, all greediness and impetuosity; never doing anything with
+such earnestness, and intention, that a man could say of him, that
+he did sweat about it: but contrariwise, all things distinctly, as at
+leisure; without trouble; orderly, soundly, and agreeably. A man might
+have applied that to him, which is recorded of Socrates, that he knew
+how to want, and to enjoy those things, in the want whereof, most men
+show themselves weak; and in the fruition, intemperate: but to hold out
+firm and constant, and to keep within the compass of true moderation and
+sobriety in either estate, is proper to a man, who hath a perfect and
+invincible soul; such as he showed himself in the sickness of Maximus.
+
+XIV. From the gods I received that I had good grandfathers, and parents,
+a good sister, good masters, good domestics, loving kinsmen, almost all
+that I have; and that I never through haste and rashness transgressed
+against any of them, notwithstanding that my disposition was such,
+as that such a thing (if occasion had been) might very well have been
+committed by me, but that It was the mercy of the gods, to prevent such
+a concurring of matters and occasions, as might make me to incur this
+blame. That I was not long brought up by the concubine of my father;
+that I preserved the flower of my youth. That I took not upon me to be
+a man before my time, but rather put it off longer than I needed. That
+I lived under the government of my lord and father, who would take
+away from me all pride and vainglory, and reduce me to that conceit and
+opinion that it was not impossible for a prince to live in the court
+without a troop of guards and followers, extraordinary apparel, such
+and such torches and statues, and other like particulars of state and
+magnificence; but that a man may reduce and contract himself almost to
+the state of a private man, and yet for all that not to become the more
+base and remiss in those public matters and affairs, wherein power and
+authority is requisite. That I have had such a brother, who by his own
+example might stir me up to think of myself; and by his respect and
+love, delight and please me. That I have got ingenuous children, and
+that they were not born distorted, nor with any other natural deformity.
+That I was no great proficient in the study of rhetoric and poetry, and
+of other faculties, which perchance I might have dwelt upon, if I had
+found myself to go on in them with success. That I did by times prefer
+those, by whom I was brought up, to such places and dignities, which
+they seemed unto me most to desire; and that I did not put them off with
+hope and expectation, that (since that they were yet but young) I would
+do the same hereafter. That I ever knew Apollonius and Rusticus, and
+Maximus. That I have had occasion often and effectually to consider and
+meditate with myself, concerning that life which is according to nature,
+what the nature and manner of it is: so that as for the gods and such
+suggestions, helps and inspirations, as might be expected from them,
+nothing did hinder, but that I might have begun long before to live
+according to nature; or that even now that I was not yet partaker and
+in present possession of that life, that I myself (in that I did not
+observe those inward motions, and suggestions, yea and almost plain and
+apparent instructions and admonitions of the gods,) was the only cause
+of it. That my body in such a life, hath been able to hold out so long.
+That I never had to do with Benedicta and Theodotus, yea and afterwards
+when I fell into some fits of love, I was soon cured. That having been
+often displeased with Rusticus, I never did him anything for which
+afterwards I had occasion to repent. That it being so that my mother was
+to die young, yet she lived with me all her latter years. That as often
+as I had a purpose to help and succour any that either were poor, or
+fallen into some present necessity, I never was answered by my officers
+that there was not ready money enough to do it; and that I myself never
+had occasion to require the like succour from any other. That I have
+such a wife, so obedient, so loving, so ingenuous. That I had choice of
+fit and able men, to whom I might commit the bringing up of my children.
+That by dreams I have received help, as for other things, so in
+particular, how I might stay my casting of blood, and cure my dizziness,
+as that also that happened to thee in Cajeta, as unto Chryses when he
+prayed by the seashore. And when I did first apply myself to philosophy,
+that I did not fall into the hands of some sophists, or spent my time
+either in reading the manifold volumes of ordinary philosophers, nor in
+practising myself in the solution of arguments and fallacies, nor dwelt
+upon the studies of the meteors, and other natural curiosities. All
+these things without the assistance of the gods, and fortune, could not
+have been.
+
+XV. In the country of the Quadi at Granua, these. Betimes in the morning
+say to thyself, This day I shalt have to do with an idle curious man,
+with an unthankful man, a railer, a crafty, false, or an envious man; an
+unsociable uncharitable man. All these ill qualities have happened unto
+them, through ignorance of that which is truly good and truly bad. But I
+that understand the nature of that which is good, that it only is to
+be desired, and of that which is bad, that it only is truly odious and
+shameful: who know moreover, that this transgressor, whosoever he be, is
+my kinsman, not by the same blood and seed, but by participation of the
+same reason, and of the same divine particle; How can I either be
+hurt by any of those, since it is not in their power to make me incur
+anything that is truly reproachful? or angry, and ill affected towards
+him, who by nature is so near unto me? for we are all born to be
+fellow-workers, as the feet, the hands, and the eyelids; as the rows of
+the upper and under teeth: for such therefore to be in opposition, is
+against nature; and what is it to chafe at, and to be averse from, but
+to be in opposition?
+
+XVI. Whatsoever I am, is either flesh, or life, or that which we
+commonly call the mistress and overruling part of man; reason. Away with
+thy books, suffer not thy mind any more to be distracted, and carried to
+and fro; for it will not be; but as even now ready to die, think little
+of thy flesh: blood, bones, and a skin; a pretty piece of knit and
+twisted work, consisting of nerves, veins and arteries; think no more of
+it, than so. And as for thy life, consider what it is; a wind; not one
+constant wind neither, but every moment of an hour let out, and sucked
+in again. The third, is thy ruling part; and here consider; Thou art an
+old man; suffer not that excellent part to be brought in subjection, and
+to become slavish: suffer it not to be drawn up and down with
+unreasonable and unsociable lusts and motions, as it were with wires and
+nerves; suffer it not any more, either to repine at anything now
+present, or to fear and fly anything to come, which the destiny hath
+appointed thee.
+
+XVII. Whatsoever proceeds from the gods immediately, that any man will
+grant totally depends from their divine providence. As for those
+things that are commonly said to happen by fortune, even those must be
+conceived to have dependence from nature, or from that first and general
+connection, and concatenation of all those things, which more apparently
+by the divine providence are administered and brought to pass.
+All things flow from thence: and whatsoever it is that is, is both
+necessary, and conducing to the whole (part of which thou art), and
+whatsoever it is that is requisite and necessary for the preservation of
+the general, must of necessity for every particular nature, be good and
+behoveful. And as for the whole, it is preserved, as by the perpetual
+mutation and conversion of the simple elements one into another, so
+also by the mutation, and alteration of things mixed and compounded. Let
+these things suffice thee; let them be always unto thee, as thy general
+rules and precepts. As for thy thirst after books, away with it with all
+speed, that thou die not murmuring and complaining, but truly meek and
+well satisfied, and from thy heart thankful unto the gods.
+
+
+
+
+THE SECOND BOOK
+
+
+I. Remember how long thou hast already put off these things, and how
+often a certain day and hour as it were, having been set unto thee by
+the gods, thou hast neglected it. It is high time for thee to understand
+the true nature both of the world, whereof thou art a part; and of that
+Lord and Governor of the world, from whom, as a channel from the spring,
+thou thyself didst flow: and that there is but a certain limit of time
+appointed unto thee, which if thou shalt not make use of to calm and
+allay the many distempers of thy soul, it will pass away and thou with
+it, and never after return.
+
+II. Let it be thy earnest and incessant care as a Roman and a man to
+perform whatsoever it is that thou art about, with true and unfeigned
+gravity, natural affection, freedom and justice: and as for all other
+cares, and imaginations, how thou mayest ease thy mind of them. Which
+thou shalt do; if thou shalt go about every action as thy last action,
+free from all vanity, all passionate and wilful aberration from reason,
+and from all hypocrisy, and self-love, and dislike of those things,
+which by the fates or appointment of God have happened unto thee. Thou
+seest that those things, which for a man to hold on in a prosperous
+course, and to live a divine life, are requisite and necessary, are not
+many, for the gods will require no more of any man, that shall but keep
+and observe these things.
+
+III. Do, soul, do; abuse and contemn thyself; yet a while and the time
+for thee to respect thyself, will be at an end. Every man's happiness
+depends from himself, but behold thy life is almost at an end, whiles
+affording thyself no respect, thou dost make thy happiness to consist in
+the souls, and conceits of other men.
+
+IV. Why should any of these things that happen externally, so much
+distract thee? Give thyself leisure to learn some good thing, and cease
+roving and wandering to and fro. Thou must also take heed of another
+kind of wandering, for they are idle in their actions, who toil and
+labour in this life, and have no certain scope to which to direct all
+their motions, and desires. V. For not observing the state of another
+man's soul, scarce was ever any man known to be unhappy. Tell whosoever
+they be that intend not, and guide not by reason and discretion the
+motions of their own souls, they must of necessity be unhappy.
+
+VI. These things thou must always have in mind: What is the nature
+of the universe, and what is mine--in particular: This unto that what
+relation it hath: what kind of part, of what kind of universe it is: And
+that there is nobody that can hinder thee, but that thou mayest always
+both do and speak those things which are agreeable to that nature,
+whereof thou art a part.
+
+VII. Theophrastus, where he compares sin with sin (as after a vulgar
+sense such things I grant may be compared:) says well and like a
+philosopher, that those sins are greater which are committed through
+lust, than those which are committed through anger. For he that is angry
+seems with a kind of grief and close contraction of himself, to turn
+away from reason; but he that sins through lust, being overcome by
+pleasure, doth in his very sin bewray a more impotent, and unmanlike
+disposition. Well then and like a philosopher doth he say, that he of
+the two is the more to be condemned, that sins with pleasure, than he
+that sins with grief. For indeed this latter may seem first to have been
+wronged, and so in some manner through grief thereof to have been forced
+to be angry, whereas he who through lust doth commit anything, did of
+himself merely resolve upon that action.
+
+VIII. Whatsoever thou dost affect, whatsoever thou dost project, so do,
+and so project all, as one who, for aught thou knowest, may at this very
+present depart out of this life. And as for death, if there be any gods,
+it is no grievous thing to leave the society of men. The gods will do
+thee no hurt, thou mayest be sure. But if it be so that there be no
+gods, or that they take no care of the world, why should I desire to
+live in a world void of gods, and of all divine providence? But gods
+there be certainly, and they take care for the world; and as for those
+things which be truly evil, as vice and wickedness, such things they
+have put in a man's own power, that he might avoid them if he would: and
+had there been anything besides that had been truly bad and evil, they
+would have had a care of that also, that a man might have avoided it.
+But why should that be thought to hurt and prejudice a man's life in
+this world, which cannot any ways make man himself the better, or the
+worse in his own person? Neither must we think that the nature of the
+universe did either through ignorance pass these things, or if not as
+ignorant of them, yet as unable either to prevent, or better to order
+and dispose them. It cannot be that she through want either of power or
+skill, should have committed such a thing, so as to suffer all things
+both good and bad, equally and promiscuously, to happen unto all both
+good and bad. As for life therefore, and death, honour and dishonour,
+labour and pleasure, riches and poverty, all these things happen
+unto men indeed, both good and bad, equally; but as things which of
+themselves are neither good nor bad; because of themselves, neither
+shameful nor praiseworthy.
+
+IX. Consider how quickly all things are dissolved and resolved: the
+bodies and substances themselves, into the matter and substance of the
+world: and their memories into the general age and time of the world.
+Consider the nature of all worldly sensible things; of those especially,
+which either ensnare by pleasure, or for their irksomeness are dreadful,
+or for their outward lustre and show are in great esteem and request,
+how vile and contemptible, how base and corruptible, how destitute of
+all true life and being they are.
+
+X. It is the part of a man endowed with a good understanding faculty, to
+consider what they themselves are in very deed, from whose bare conceits
+and voices, honour and credit do proceed: as also what it is to die, and
+how if a man shall consider this by itself alone, to die, and separate
+from it in his mind all those things which with it usually represent
+themselves unto us, he can conceive of it no otherwise, than as of a
+work of nature, and he that fears any work of nature, is a very child.
+Now death, it is not only a work of nature, but also conducing to
+nature.
+
+XI. Consider with thyself how man, and by what part of his, is joined
+unto God, and how that part of man is affected, when it is said to be
+diffused. There is nothing more wretched than that soul, which in a kind
+of circuit compasseth all things, searching (as he saith) even the very
+depths of the earth; and by all signs and conjectures prying into the
+very thoughts of other men's souls; and yet of this, is not sensible,
+that it is sufficient for a man to apply himself wholly, and to confine
+all his thoughts and cares to the tendance of that spirit which is
+within him, and truly and really to serve him. His service doth consist
+in this, that a man keep himself pure from all violent passion and
+evil affection, from all rashness and vanity, and from all manner of
+discontent, either in regard of the gods or men. For indeed whatsoever
+proceeds from the gods, deserves respect for their worth and excellency;
+and whatsoever proceeds from men, as they are our kinsmen, should by us
+be entertained, with love, always; sometimes, as proceeding from their
+ignorance, of that which is truly good and bad, (a blindness no less,
+than that by which we are not able to discern between white and black:)
+with a kind of pity and compassion also.
+
+XII. If thou shouldst live three thousand, or as many as ten thousands
+of years, yet remember this, that man can part with no life properly,
+save with that little part of life, which he now lives: and that which
+he lives, is no other, than that which at every instant he parts with.
+That then which is longest of duration, and that which is shortest, come
+both to one effect. For although in regard of that which is already past
+there may be some inequality, yet that time which is now present and
+in being, is equal unto all men. And that being it which we part with
+whensoever we die, it doth manifestly appear, that it can be but a
+moment of time, that we then part with. For as for that which is either
+past or to come, a man cannot be said properly to part with it. For
+how should a man part with that which he hath not? These two things
+therefore thou must remember. First, that all things in the world from
+all eternity, by a perpetual revolution of the same times and things
+ever continued and renewed, are of one kind and nature; so that whether
+for a hundred or two hundred years only, or for an infinite space of
+time, a man see those things which are still the same, it can be no
+matter of great moment. And secondly, that that life which any the
+longest liver, or the shortest liver parts with, is for length and
+duration the very same, for that only which is present, is that, which
+either of them can lose, as being that only which they have; for that
+which he hath not, no man can truly be said to lose.
+
+XIII. Remember that all is but opinion and conceit, for those things
+are plain and apparent, which were spoken unto Monimus the Cynic; and as
+plain and apparent is the use that may be made of those things, if that
+which is true and serious in them, be received as well as that which is
+sweet and pleasing.
+
+XIV. A man's soul doth wrong and disrespect itself first and especially,
+when as much as in itself lies it becomes an aposteme, and as it were an
+excrescency of the world, for to be grieved and displeased with anything
+that happens in the world, is direct apostacy from the nature of the
+universe; part of which, all particular natures of the world, are.
+Secondly, when she either is averse from any man, or led by contrary
+desires or affections, tending to his hurt and prejudice; such as are
+the souls of them that are angry. Thirdly, when she is overcome by any
+pleasure or pain. Fourthly, when she doth dissemble, and covertly and
+falsely either doth or saith anything. Fifthly, when she doth either
+affect or endeavour anything to no certain end, but rashly and without
+due ratiocination and consideration, how consequent or inconsequent it
+is to the common end. For even the least things ought not to be done,
+without relation unto the end; and the end of the reasonable creatures
+is, to follow and obey him, who is the reason as it were, and the law of
+this great city, and ancient commonwealth.
+
+XV. The time of a man's life is as a point; the substance of it ever
+flowing, the sense obscure; and the whole composition of the body
+tending to corruption. His soul is restless, fortune uncertain, and fame
+doubtful; to be brief, as a stream so are all things belonging to the
+body; as a dream, or as a smoke, so are all that belong unto the soul.
+Our life is a warfare, and a mere pilgrimage. Fame after life is no
+better than oblivion. What is it then that will adhere and follow? Only
+one thing, philosophy. And philosophy doth consist in this, for a man to
+preserve that spirit which is within him, from all manner of contumelies
+and injuries, and above all pains or pleasures; never to do anything
+either rashly, or feignedly, or hypocritically: wholly to depend from
+himself and his own proper actions: all things that happen unto him to
+embrace contentedly, as coming from Him from whom he himself also came;
+and above all things, with all meekness and a calm cheerfulness, to
+expect death, as being nothing else but the resolution of those
+elements, of which every creature is composed. And if the elements
+themselves suffer nothing by this their perpetual conversion of one into
+another, that dissolution, and alteration, which is so common unto all,
+why should it be feared by any? Is not this according to nature? But
+nothing that is according to nature can be evil.
+
+_Whilst I was at Carnuntum._
+
+
+
+
+THE THIRD BOOK
+
+
+I. A man must not only consider how daily his life wasteth and
+decreaseth, but this also, that if he live long, he cannot be certain,
+whether his understanding shall continue so able and sufficient,
+for either discreet consideration, in matter of businesses; or for
+contemplation: it being the thing, whereon true knowledge of things both
+divine and human, doth depend. For if once he shall begin to dote,
+his respiration, nutrition, his imaginative, and appetitive, and other
+natural faculties, may still continue the same: he shall find no want of
+them. But how to make that right use of himself that he should, how
+to observe exactly in all things that which is right and just, how to
+redress and rectify all wrong, or sudden apprehensions and imaginations,
+and even of this particular, whether he should live any longer or no, to
+consider duly; for all such things, wherein the best strength and vigour
+of the mind is most requisite; his power and ability will be past and
+gone. Thou must hasten therefore; not only because thou art every day
+nearer unto death than other, but also because that intellective faculty
+in thee, whereby thou art enabled to know the true nature of things, and
+to order all thy actions by that knowledge, doth daily waste and decay:
+or, may fail thee before thou die.
+
+II. This also thou must observe, that whatsoever it is that naturally
+doth happen to things natural, hath somewhat in itself that is pleasing
+and delightful: as a great loaf when it is baked, some parts of it
+cleave as it were, and part asunder, and make the crust of it rugged and
+unequal, and yet those parts of it, though in some sort it be against
+the art and intention of baking itself, that they are thus cleft and
+parted, which should have been and were first made all even and uniform,
+they become it well nevertheless, and have a certain peculiar property,
+to stir the appetite. So figs are accounted fairest and ripest then,
+when they begin to shrink, and wither as it were. So ripe olives, when
+they are next to putrefaction, then are they in their proper beauty. The
+hanging down of grapes--the brow of a lion, the froth of a foaming wild
+boar, and many other like things, though by themselves considered, they
+are far from any beauty, yet because they happen naturally, they both
+are comely, and delightful; so that if a man shall with a profound mind
+and apprehension, consider all things in the world, even among all those
+things which are but mere accessories and natural appendices as it were,
+there will scarce appear anything unto him, wherein he will not find
+matter of pleasure and delight. So will he behold with as much pleasure
+the true _rictus_ of wild beasts, as those which by skilful painters and
+other artificers are imitated. So will he be able to perceive the proper
+ripeness and beauty of old age, whether in man or woman: and whatsoever
+else it is that is beautiful and alluring in whatsoever is, with chaste
+and continent eyes he will soon find out and discern. Those and many
+other things will he discern, not credible unto every one, but unto them
+only who are truly and familiarly acquainted, both with nature itself,
+and all natural things.
+
+III. Hippocrates having cured many sicknesses, fell sick himself and
+died. The Chaldeans and Astrologians having foretold the deaths of
+divers, were afterwards themselves surprised by the fates. Alexander and
+Pompeius, and Caius Cæsar, having destroyed so many towns, and cut
+off in the field so many thousands both of horse and foot, yet they
+themselves at last were fain to part with their own lives. Heraclitus
+having written so many natural tracts concerning the last and general
+conflagration of the world, died afterwards all filled with water
+within, and all bedaubed with dirt and dung without. Lice killed
+Democritus; and Socrates, another sort of vermin, wicked ungodly men.
+How then stands the case? Thou hast taken ship, thou hast sailed, thou
+art come to land, go out, if to another life, there also shalt thou find
+gods, who are everywhere. If all life and sense shall cease, then shalt
+thou cease also to be subject to either pains or pleasures; and to serve
+and tend this vile cottage; so much the viler, by how much that which
+ministers unto it doth excel; the one being a rational substance, and a
+spirit, the other nothing but earth and blood.
+
+IV. Spend not the remnant of thy days in thoughts and fancies concerning
+other men, when it is not in relation to some common good, when by it
+thou art hindered from some other better work. That is, spend not thy
+time in thinking, what such a man doth, and to what end: what he saith,
+and what he thinks, and what he is about, and such other things or
+curiosities, which make a man to rove and wander from the care and
+observation of that part of himself, which is rational, and overruling.
+See therefore in the whole series and connection of thy thoughts, that
+thou be careful to prevent whatsoever is idle and impertinent: but
+especially, whatsoever is curious and malicious: and thou must use
+thyself to think only of such things, of which if a man upon a sudden
+should ask thee, what it is that thou art now thinking, thou mayest
+answer This, and That, freely and boldly, that so by thy thoughts it may
+presently appear that in all thee is sincere, and peaceable; as becometh
+one that is made for society, and regards not pleasures, nor gives way
+to any voluptuous imaginations at all: free from all contentiousness,
+envy, and suspicion, and from whatsoever else thou wouldest blush to
+confess thy thoughts were set upon. He that is such, is he surely that
+doth not put off to lay hold on that which is best indeed, a very priest
+and minister of the gods, well acquainted and in good correspondence
+with him especially that is seated and placed within himself, as in
+a temple and sacrary: to whom also he keeps and preserves himself
+unspotted by pleasure, undaunted by pain; free from any manner of wrong,
+or contumely, by himself offered unto himself: not capable of any evil
+from others: a wrestler of the best sort, and for the highest prize,
+that he may not be cast down by any passion or affection of his own;
+deeply dyed and drenched in righteousness, embracing and accepting with
+his whole heart whatsoever either happeneth or is allotted unto him. One
+who not often, nor without some great necessity tending to some public
+good, mindeth what any other, either speaks, or doth, or purposeth: for
+those things only that are in his own power, or that are truly his own,
+are the objects of his employments, and his thoughts are ever taken
+up with those things, which of the whole universe are by the fates or
+Providence destinated and appropriated unto himself. Those things that
+are his own, and in his own power, he himself takes order, for that they
+be good: and as for those that happen unto him, he believes them to be
+so. For that lot and portion which is assigned to every one, as it is
+unavoidable and necessary, so is it always profitable. He remembers
+besides that whatsoever partakes of reason, is akin unto him, and that
+to care for all men generally, is agreeing to the nature of a man: but
+as for honour and praise, that they ought not generally to be admitted
+and accepted of from all, but from such only, who live according to
+nature. As for them that do not, what manner of men they be at home,
+or abroad; day or night, how conditioned themselves with what manner of
+conditions, or with men of what conditions they moil and pass away
+the time together, he knoweth, and remembers right well, he therefore
+regards not such praise and approbation, as proceeding from them, who
+cannot like and approve themselves.
+
+V. Do nothing against thy will, nor contrary to the community, nor
+without due examination, nor with reluctancy. Affect not to set out thy
+thoughts with curious neat language. Be neither a great talker, nor a
+great undertaker. Moreover, let thy God that is in thee to rule over
+thee, find by thee, that he hath to do with a man; an aged man; a
+sociable man; a Roman; a prince; one that hath ordered his life, as
+one that expecteth, as it were, nothing but the sound of the trumpet,
+sounding a retreat to depart out of this life with all expedition. One
+who for his word or actions neither needs an oath, nor any man to be a
+witness.
+
+VI. To be cheerful, and to stand in no need, either of other men's help
+or attendance, or of that rest and tranquillity, which thou must be
+beholding to others for. Rather like one that is straight of himself, or
+hath ever been straight, than one that hath been rectified.
+
+VII. If thou shalt find anything in this mortal life better than
+righteousness, than truth, temperance, fortitude, and in general better
+than a mind contented both with those things which according to right
+and reason she doth, and in those, which without her will and knowledge
+happen unto thee by the providence; if I say, thou canst find out
+anything better than this, apply thyself unto it with thy whole heart,
+and that which is best wheresoever thou dost find it, enjoy freely. But
+if nothing thou shalt find worthy to be preferred to that spirit which
+is within thee; if nothing better than to subject unto thee thine own
+lusts and desires, and not to give way to any fancies or imaginations
+before thou hast duly considered of them, nothing better than to
+withdraw thyself (to use Socrates his words) from all sensuality, and
+submit thyself unto the gods, and to have care of all men in general: if
+thou shalt find that all other things in comparison of this, are but
+vile, and of little moment; then give not way to any other thing, which
+being once though but affected and inclined unto, it will no more be in
+thy power without all distraction as thou oughtest to prefer and to
+pursue after that good, which is thine own and thy proper good. For it
+is not lawful, that anything that is of another and inferior kind and
+nature, be it what it will, as either popular applause, or honour, or
+riches, or pleasures; should be suffered to confront and contest as it
+were, with that which is rational, and operatively good. For all these
+things, if once though but for a while, they begin to please, they
+presently prevail, and pervert a man's mind, or turn a man from the
+right way. Do thou therefore I say absolutely and freely make choice of
+that which is best, and stick unto it. Now, that they say is best, which
+is most profitable. If they mean profitable to man as he is a rational
+man, stand thou to it, and maintain it; but if they mean profitable, as
+he is a creature, only reject it; and from this thy tenet and conclusion
+keep off carefully all plausible shows and colours of external
+appearance, that thou mayest be able to discern things rightly.
+
+VIII. Never esteem of anything as profitable, which shall ever constrain
+thee either to break thy faith, or to lose thy modesty; to hate any man,
+to suspect, to curse, to dissemble, to lust after anything, that
+requireth the secret of walls or veils. But he that preferreth before
+all things his rational part and spirit, and the sacred mysteries of
+virtue which issueth from it, he shall never lament and exclaim, never
+sigh; he shall never want either solitude or company: and which is
+chiefest of all, he shall live without either desire or fear. And as for
+life, whether for a long or short time he shall enjoy his soul thus
+compassed about with a body, he is altogether indifferent. For if even
+now he were to depart, he is as ready for it, as for any other action,
+which may be performed with modesty and decency. For all his life long,
+this is his only care, that his mind may always be occupied in such
+intentions and objects, as are proper to a rational sociable creature.
+
+IX. In the mind that is once truly disciplined and purged, thou canst
+not find anything, either foul or impure, or as it were festered:
+nothing that is either servile, or affected: no partial tie; no
+malicious averseness; nothing obnoxious; nothing concealed. The life of
+such an one, death can never surprise as imperfect; as of an actor, that
+should die before he had ended, or the play itself were at an end, a man
+might speak.
+
+X. Use thine opinative faculty with all honour and respect, for in
+her indeed is all: that thy opinion do not beget in thy understanding
+anything contrary to either nature, or the proper constitution of a
+rational creature. The end and object of a rational constitution is, to
+do nothing rashly, to be kindly affected towards men, and in all things
+willingly to submit unto the gods. Casting therefore all other things
+aside, keep thyself to these few, and remember withal that no man
+properly can be said to live more than that which is now present, which
+is but a moment of time. Whatsoever is besides either is already past,
+or uncertain. The time therefore that any man doth live, is but a
+little, and the place where he liveth, is but a very little corner of
+the earth, and the greatest fame that can remain of a man after his
+death, even that is but little, and that too, such as it is whilst it
+is, is by the succession of silly mortal men preserved, who likewise
+shall shortly die, and even whiles they live know not what in very deed
+they themselves are: and much less can know one, who long before is dead
+and gone.
+
+XI. To these ever-present helps and mementoes, let one more be added,
+ever to make a particular description and delineation as it were of
+every object that presents itself to thy mind, that thou mayest wholly
+and throughly contemplate it, in its own proper nature, bare and naked;
+wholly, and severally; divided into its several parts and quarters: and
+then by thyself in thy mind, to call both it, and those things of which
+it doth consist, and in which it shall be resolved, by their own proper
+true names, and appellations. For there is nothing so effectual to beget
+true magnanimity, as to be able truly and methodically to examine and
+consider all things that happen in this life, and so to penetrate
+into their natures, that at the same time, this also may concur in our
+apprehensions: what is the true use of it? and what is the true nature
+of this universe, to which it is useful? how much in regard of the
+universe may it be esteemed? how much in regard of man, a citizen of the
+supreme city, of which all other cities in the world are as it were but
+houses and families?
+
+XII. What is this, that now my fancy is set upon? of what things doth
+it consist? how long can it last? which of all the virtues is the proper
+virtue for this present use? as whether meekness, fortitude, truth,
+faith, sincerity, contentation, or any of the rest? Of everything
+therefore thou must use thyself to say, This immediately comes from God,
+this by that fatal connection, and concatenation of things, or (which
+almost comes to one) by some coincidental casualty. And as for this, it
+proceeds from my neighbour, my kinsman, my fellow: through his ignorance
+indeed, because he knows not what is truly natural unto him: but I know
+it, and therefore carry myself towards him according to the natural law
+of fellowship; that is kindly, and justly. As for those things that of
+themselves are altogether indifferent, as in my best judgment I conceive
+everything to deserve more or less, so I carry myself towards it.
+
+XIII. If thou shalt intend that which is present, following the rule of
+right and reason carefully, solidly, meekly, and shalt not intermix
+any other businesses, but shall study this only to preserve thy spirit
+unpolluted, and pure, and shall cleave unto him without either hope
+or fear of anything, in all things that thou shalt either do or speak,
+contenting thyself with heroical truth, thou shalt live happily; and
+from this, there is no man that can hinder thee.
+
+XIV. As physicians and chirurgeons have always their instruments ready
+at hand for all sudden cures; so have thou always thy dogmata in a
+readiness for the knowledge of things, both divine and human: and
+whatsoever thou dost, even in the smallest things that thou dost, thou
+must ever remember that mutual relation, and connection that is between
+these two things divine, and things human. For without relation unto
+God, thou shalt never speed in any worldly actions; nor on the other
+side in any divine, without some respect had to things human.
+
+XV. Be not deceived; for thou shalt never live to read thy moral
+commentaries, nor the acts of the famous Romans and Grecians; nor those
+excerpta from several books; all which thou hadst provided and laid
+up for thyself against thine old age. Hasten therefore to an end, and
+giving over all vain hopes, help thyself in time if thou carest for
+thyself, as thou oughtest to do.
+
+XVI. To steal, to sow, to buy, to be at rest, to see what is to be done
+(which is not seen by the eyes, but by another kind of sight:) what
+these words mean, and how many ways to be understood, they do not
+understand. The body, the soul, the understanding. As the senses
+naturally belong to the body, and the desires and affections to the
+soul, so do the dogmata to the understanding.
+
+XVII. To be capable of fancies and imaginations, is common to man and
+beast. To be violently drawn and moved by the lusts and desires of the
+soul, is proper to wild beasts and monsters, such as Phalaris and Nero
+were. To follow reason for ordinary duties and actions is common to them
+also, who believe not that there be any gods, and for their advantage
+would make no conscience to betray their own country; and who when once
+the doors be shut upon them, dare do anything. If therefore all things
+else be common to these likewise, it follows, that for a man to like and
+embrace all things that happen and are destinated unto him, and not to
+trouble and molest that spirit which is seated in the temple of his own
+breast, with a multitude of vain fancies and imaginations, but to keep
+him propitious and to obey him as a god, never either speaking anything
+contrary to truth, or doing anything contrary to justice, is the only
+true property of a good man. And such a one, though no man should
+believe that he liveth as he doth, either sincerely and conscionably,
+or cheerful and contentedly; yet is he neither with any man at all angry
+for it, nor diverted by it from the way that leadeth to the end of his
+life, through which a man must pass pure, ever ready to depart, and
+willing of himself without any compulsion to fit and accommodate himself
+to his proper lot and portion.
+
+
+
+
+THE FOURTH BOOK
+
+
+I. That inward mistress part of man if it be in its own true natural
+temper, is towards all worldly chances and events ever so disposed and
+affected, that it will easily turn and apply itself to that which may
+be, and is within its own power to compass, when that cannot be which at
+first it intended. For it never doth absolutely addict and apply itself
+to any one object, but whatsoever it is that it doth now intend and
+prosecute, it doth prosecute it with exception and reservation; so that
+whatsoever it is that falls out contrary to its first intentions, even
+that afterwards it makes its proper object. Even as the fire when it
+prevails upon those things that are in his way; by which things indeed a
+little fire would have been quenched, but a great fire doth soon turn to
+its own nature, and so consume whatsoever comes in his way: yea by those
+very things it is made greater and greater.
+
+II. Let nothing be done rashly, and at random, but all things according
+to the most exact and perfect rules of art.
+
+III. They seek for themselves private retiring
+places, as country villages, the sea-shore, mountains; yea thou thyself
+art wont to long much after such places. But all this thou must know
+proceeds from simplicity in the highest degree. At what time soever thou
+wilt, it is in thy power to retire into thyself, and to be at rest, and
+free from all businesses. A man cannot any whither retire better than
+to his own soul; he especially who is beforehand provided of such
+things within, which whensoever he doth withdraw himself to look in, may
+presently afford unto him perfect ease and tranquillity. By tranquillity
+I understand a decent orderly disposition and carriage, free from
+all confusion and tumultuousness. Afford then thyself this retiring
+continually, and thereby refresh and renew thyself. Let these precepts
+be brief and fundamental, which as soon as thou dost call them to mind,
+may suffice thee to purge thy soul throughly, and to send thee away well
+pleased with those things whatsoever they be, which now again after this
+short withdrawing of thy soul into herself thou dost return unto. For
+what is it that thou art offended at? Can it be at the wickedness of
+men, when thou dost call to mind this conclusion, that all reasonable
+creatures are made one for another? and that it is part of justice to
+bear with them? and that it is against their wills that they offend?
+and how many already, who once likewise prosecuted their enmities,
+suspected, hated, and fiercely contended, are now long ago stretched
+out, and reduced unto ashes? It is time for thee to make an end. As for
+those things which among the common chances of the world happen unto
+thee as thy particular lot and portion, canst thou be displeased with
+any of them, when thou dost call that our ordinary dilemma to mind,
+either a providence, or Democritus his atoms; and with it, whatsoever we
+brought to prove that the whole world is as it were one city? And as for
+thy body, what canst thou fear, if thou dost consider that thy mind and
+understanding, when once it hath recollected itself, and knows its own
+power, hath in this life and breath (whether it run smoothly and gently,
+or whether harshly and rudely), no interest at all, but is altogether
+indifferent: and whatsoever else thou hast heard and assented unto
+concerning either pain or pleasure? But the care of thine honour and
+reputation will perchance distract thee? How can that be, if thou
+dost look back, and consider both how quickly all things that are, are
+forgotten, and what an immense chaos of eternity was before, and will
+follow after all things: and the vanity of praise, and the inconstancy
+and variableness of human judgments and opinions, and the narrowness of
+the place, wherein it is limited and circumscribed? For the whole earth
+is but as one point; and of it, this inhabited part of it, is but a very
+little part; and of this part, how many in number, and what manner of
+men are they, that will commend thee? What remains then, but that thou
+often put in practice this kind of retiring of thyself, to this little
+part of thyself; and above all things, keep thyself from distraction,
+and intend not anything vehemently, but be free and consider all things,
+as a man whose proper object is Virtue, as a man whose true nature is
+to be kind and sociable, as a citizen, as a mortal creature. Among
+other things, which to consider, and look into thou must use to withdraw
+thyself, let those two be among the most obvious and at hand. One, that
+the things or objects themselves reach not unto the soul, but stand
+without still and quiet, and that it is from the opinion only which is
+within, that all the tumult and all the trouble doth proceed. The next,
+that all these things, which now thou seest, shall within a very little
+while be changed, and be no more: and ever call to mind, how many
+changes and alterations in the world thou thyself hast already been an
+eyewitness of in thy time. This world is mere change, and this life,
+opinion.
+
+IV. If to understand and to be reasonable be common unto all men, then
+is that reason, for which we are termed reasonable, common unto all. If
+reason is general, then is that reason also, which prescribeth what is
+to be done and what not, common unto all. If that, then law. If law,
+then are we fellow-citizens. If so, then are we partners in some one
+commonweal. If so, then the world is as it were a city. For which other
+commonweal is it, that all men can be said to be members of? From this
+common city it is, that understanding, reason, and law is derived unto
+us, for from whence else? For as that which in me is earthly I have from
+some common earth; and that which is moist from some other element is
+imparted; as my breath and life hath its proper fountain; and that
+likewise which is dry and fiery in me: (for there is nothing which doth
+not proceed from something; as also there is nothing that can be reduced
+unto mere nothing:) so also is there some common beginning from whence
+my understanding hath proceeded.
+
+V. As generation is, so also death, a secret of nature's wisdom: a
+mixture of elements, resolved into the same elements again, a thing
+surely which no man ought to be ashamed of: in a series of other fatal
+events and consequences, which a rational creature is subject unto,
+not improper or incongruous, nor contrary to the natural and proper
+constitution of man himself.
+
+VI. Such and such things, from such and such causes, must of necessity
+proceed. He that would not have such things to happen, is as he that
+would have the fig-tree grow without any sap or moisture. In sum,
+remember this, that within a very little while, both thou and he shall
+both be dead, and after a little while more, not so much as your names
+and memories shall be remaining.
+
+VII. Let opinion be taken away, and no man will think himself wronged.
+If no man shall think himself wronged, then is there no more any such
+thing as wrong. That which makes not man himself the worse, cannot
+make his life the worse, neither can it hurt him either inwardly
+or outwardly. It was expedient in nature that it should be so, and
+therefore necessary.
+
+VIII. Whatsoever doth happen in the world, doth happen justly, and so if
+thou dost well take heed, thou shalt find it. I say not only in right
+order by a series of inevitable consequences, but according to justice
+and as it were by way of equal distribution, according to the true worth
+of everything. Continue then to take notice of it, as thou hast begun,
+and whatsoever thou dost, do it not without this proviso, that it be a
+thing of that nature that a good man (as the word good is properly
+taken) may do it. This observe carefully in every action.
+
+IX. Conceit no such things, as he that wrongeth thee conceiveth,
+or would have thee to conceive, but look into the matter itself, and see
+what it is in very truth.
+
+X. These two rules, thou must have always in a readiness. First, do
+nothing at all, but what reason proceeding from that regal and supreme
+part, shall for the good and benefit of men, suggest unto thee. And
+secondly, if any man that is present shall be able to rectify thee or to
+turn thee from some erroneous persuasion, that thou be always ready to
+change thy mind, and this change to proceed, not from any respect of any
+pleasure or credit thereon depending, but always from some probable
+apparent ground of justice, or of some public good thereby to be
+furthered; or from some other such inducement.
+
+XI. Hast thou reason? I have. Why then makest thou not use of it? For if
+thy reason do her part, what more canst thou require?
+
+XII. As a part hitherto thou hast had a particular subsistence: and now
+shalt thou vanish away into the common substance of Him, who first begot
+thee, or rather thou shalt be resumed again into that original rational
+substance, out of which all others have issued, and are propagated.
+Many small pieces of frankincense are set upon the same altar, one drops
+first and is consumed, another after; and it comes all to one.
+
+XIII. Within ten days, if so happen, thou shalt be esteemed a god of
+them, who now if thou shalt return to the dogmata and to the honouring
+of reason, will esteem of thee no better than of a mere brute, and of an
+ape.
+
+XIV. Not as though thou hadst thousands of years to live. Death hangs
+over thee: whilst yet thou livest, whilst thou mayest, be good.
+
+XV. Now much time and leisure doth he gain, who is not curious to know
+what his neighbour hath said, or hath done, or hath attempted, but only
+what he doth himself, that it may be just and holy? or to express it in
+Agathos' words, Not to look about upon the evil conditions of others,
+but to run on straight in the line, without any loose and extravagant
+agitation.
+
+XVI. He who is greedy of credit and reputation after his death, doth
+not consider, that they themselves by whom he is remembered, shall soon
+after every one of them be dead; and they likewise that succeed those;
+until at last all memory, which hitherto by the succession of men
+admiring and soon after dying hath had its course, be quite extinct.
+But suppose that both they that shall remember thee, and thy memory
+with them should be immortal, what is that to thee? I will not say to
+thee after thou art dead; but even to thee living, what is thy praise?
+But only for a secret and politic consideration, which we call
+ΞΏαΌ°ΞΊΞΏΞ½ΞΏΞΌα½·Ξ±Ξ½, or dispensation. For as for that, that it is the gift of
+nature, whatsoever is commended in thee, what might be objected from
+thence, let that now that we are upon another consideration be omitted
+as unseasonable. That which is fair and goodly, whatsoever it be, and
+in what respect soever it be, that it is fair and goodly, it is so of
+itself, and terminates in itself, not admitting praise as a part or
+member: that therefore which is praised, is not thereby made either
+better or worse. This I understand even of those things, that are
+commonly called fair and good, as those which are commended either for
+the matter itself, or for curious workmanship. As for that which is
+truly good, what can it stand in need of more than either justice or
+truth; or more than either kindness and modesty? Which of all those,
+either becomes good or fair, because commended; or dispraised suffers
+any damage? Doth the emerald become worse in itself, or more vile if it
+be not commended? Doth gold, or ivory, or purple? Is there anything
+that doth though never so common, as a knife, a flower, or a tree?
+
+XVII. If so be that the souls remain after death (say they that will not
+believe it); how is the air from all eternity able to contain them? How
+is the earth (say I) ever from that time able to Contain the bodies
+of them that are buried? For as here the change and resolution of dead
+bodies into another kind of subsistence (whatsoever it be;) makes place
+for other dead bodies: so the souls after death transferred into the
+air, after they have conversed there a while, are either by way of
+transmutation, or transfusion, or conflagration, received again into
+that original rational substance, from which all others do proceed:
+and so give way to those souls, who before coupled and associated unto
+bodies, now begin to subsist single. This, upon a supposition that the
+souls after death do for a while subsist single, may be answered. And
+here, (besides the number of bodies, so buried and contained by the
+earth), we may further consider the number of several beasts, eaten
+by us men, and by other creatures. For notwithstanding that such a
+multitude of them is daily consumed, and as it were buried in the bodies
+of the eaters, yet is the same place and body able to contain them, by
+reason of their conversion, partly into blood, partly into air and fire.
+What in these things is the speculation of truth? to divide things into
+that which is passive and material; and that which is active and formal.
+
+XVIII. Not to wander out of the way, but upon every motion and desire,
+to perform that which is just: and ever to be careful to attain to the
+true natural apprehension of every fancy, that presents itself.
+
+XIX. Whatsoever is expedient unto thee, O World, is expedient unto me;
+nothing can either be 'unseasonable unto me, or out of date, which unto
+thee is seasonable. Whatsoever thy seasons bear, shall ever by me be
+esteemed as happy fruit, and increase. O Nature! from thee are all
+things, in thee all things subsist, and to thee all tend. Could he say
+of Athens, Thou lovely city of Cecrops; and shalt not thou say of the
+world, Thou lovely city of God?
+
+XX. They will say commonly, Meddle not with many things, if thou wilt
+live cheerfully. Certainly there is nothing better, than for a man
+to confine himself to necessary actions; to such and so many only, as
+reason in a creature that knows itself born for society, will command
+and enjoin. This will not only procure that cheerfulness, which from the
+goodness, but that also, which from the paucity of actions doth usually
+proceed. For since it is so, that most of those things, which we either
+speak or do, are unnecessary; if a man shall cut them off, it must needs
+follow that he shall thereby gain much leisure, and save much trouble,
+and therefore at every action a man must privately by way of admonition
+suggest unto himself, What? may not this that now I go about, be of the
+number of unnecessary actions? Neither must he use himself to cut off
+actions only, but thoughts and imaginations also, that are unnecessary
+for so will unnecessary consequent actions the better be prevented and
+cut off.
+
+XXI. Try also how a good man's life; (of one, who is well pleased with
+those things whatsoever, which among the common changes and chances of
+this world fall to his own lot and share; and can live well contented
+and fully satisfied in the justice of his own proper present action,
+and in the goodness of his disposition for the future:) will agree with
+thee. Thou hast had experience of that other kind of life: make now
+trial of this also. Trouble not thyself any more henceforth, reduce
+thyself unto perfect simplicity. Doth any man offend? It is against
+himself that he doth offend: why should it trouble thee? Hath anything
+happened unto thee? It is well, whatsoever it be, it is that which
+of all the common chances of the world from the very beginning in the
+series of all other things that have, or shall happen, was destinated
+and appointed unto thee. To comprehend all in a few words, our life is
+short; we must endeavour to gain the present time with best discretion
+and justice. Use recreation with sobriety.
+
+XXII. Either this world is a ΞΊα½ΉΟΞΌΞΏΟ or comely piece, because all
+disposed and governed by certain order: or if it be a mixture, though
+confused, yet still it is a comely piece. For is it possible that in
+thee there should be any beauty at all, and that in the whole world
+there should be nothing but disorder and confusion? and all things in it
+too, by natural different properties one from another differenced and
+distinguished; and yet all through diffused, and by natural sympathy,
+one to another united, as they are?
+
+XXIII. A black or malign disposition, an effeminate disposition; an
+hard inexorable disposition, a wild inhuman disposition, a sheepish
+disposition, a childish disposition; a blockish, a false, a scurril, a
+fraudulent, a tyrannical: what then? If he be a stranger in the world,
+that knows not the things that are in it; why not be a stranger as well,
+that wonders at the things that are done in it?
+
+XXIV. He is a true fugitive, that flies from reason, by which men are
+sociable. He blind, who cannot see with the eyes of his understanding.
+He poor, that stands in need of another, and hath not in himself all
+things needful for this life. He an aposteme of the world, who by being
+discontented with those things that happen unto him in the world,
+doth as it were apostatise, and separate himself from common nature's
+rational administration. For the same nature it is that brings this
+unto thee, whatsoever it be, that first brought thee into the world. He
+raises sedition in the city, who by irrational actions withdraws his own
+soul from that one and common soul of all rational creatures.
+
+XXV. There is, who without so much as a coat; and there is, who without
+so much as a book, doth put philosophy in practice. I am half naked,
+neither have I bread to eat, and yet I depart not from reason, saith
+one. But I say; I want the food of good teaching, and instructions, and
+yet I depart not from reason.
+
+XXVI. What art and profession soever thou hast learned, endeavour to
+affect it, and comfort thyself in it; and pass the remainder of thy life
+as one who from his whole heart commits himself and whatsoever belongs
+unto him, unto the gods: and as for men, carry not thyself either
+tyrannically or servilely towards any.
+
+XXVII. Consider in my mind, for example's sake, the times of Vespasian:
+thou shalt see but the same things: some marrying, some bringing up
+children, some sick, some dying, some fighting, some feasting, some
+merchandising, some tilling, some flattering, some boasting, some
+suspecting, some undermining, some wishing to die, some fretting and
+murmuring at their present estate, some wooing, some hoarding, some
+seeking after magistracies, and some after kingdoms. And is not that
+their age quite over, and ended? Again, consider now the times of
+Trajan. There likewise thou seest the very self-same things, and that
+age also is now over and ended. In the like manner consider other
+periods, both of times and of whole nations, and see how many men, after
+they had with all their might and main intended and prosecuted some one
+worldly thing or other did soon after drop away, and were resolved into
+the elements. But especially thou must call to mind them, whom thou
+thyself in thy lifetime hast known much distracted about vain things,
+and in the meantime neglecting to do that, and closely and unseparably
+(as fully satisfied with it) to adhere unto it, which their own proper
+constitution did require. And here thou must remember, that thy carriage
+in every business must be according to the worth and due proportion of
+it, for so shalt thou not easily be tired out and vexed, if thou shalt
+not dwell upon small matters longer than is fitting.
+
+XXVIII. Those words which once were common and ordinary, are now become
+obscure and obsolete; and so the names of men once commonly known and
+famous, are now become in a manner obscure and obsolete names. Camillus,
+Cæso, Volesius, Leonnatus; not long after, Scipio, Cato, then Augustus,
+then Adrianus, then Antoninus Pius: all these in a short time will
+be out of date, and, as things of another world as it were, become
+fabulous. And this I say of them, who once shined as the wonders of
+their ages, for as for the rest, no sooner are they expired, than with
+them all their fame and memory. And what is it then that shall always be
+remembered? all is vanity. What is it that we must bestow our care and
+diligence upon? even upon this only: that our minds and wills be just;
+that our actions be charitable; that our speech be never deceitful, or
+that our understanding be not subject to error; that our inclination be
+always set to embrace whatsoever shall happen unto us, as necessary,
+as usual, as ordinary, as flowing from such a beginning, and such a
+fountain, from which both thou thyself and all things are.
+Willingly therefore, and wholly surrender up thyself unto that fatal
+concatenation, yielding up thyself unto the fates, to be disposed of at
+their pleasure.
+
+XXIX. Whatsoever is now present, and from day to day hath its existence;
+all objects of memories, and the minds and memories themselves,
+incessantly consider, all things that are, have their being by change
+and alteration. Use thyself therefore often to meditate upon this, that
+the nature of the universe delights in nothing more, than in altering
+those things that are, and in making others like unto them. So that we
+may say, that whatsoever is, is but as it were the seed of that which
+shall be. For if thou think that that only is seed, which either the
+earth or the womb receiveth, thou art very simple.
+
+XXX. Thou art now ready to die, and yet hast thou not attained to
+that perfect simplicity: thou art yet subject to many troubles and
+perturbations; not yet free from all fear and suspicion of external
+accidents; nor yet either so meekly disposed towards all men, as thou
+shouldest; or so affected as one, whose only study and only wisdom is,
+to be just in all his actions.
+
+XXXI. Behold and observe, what is the state of their rational part; and
+those that the world doth account wise, see what things they fly and are
+afraid of; and what things they hunt after.
+
+XXXII. In another man's mind and understanding thy evil Cannot subsist,
+nor in any proper temper or distemper of the natural constitution of thy
+body, which is but as it were the coat or cottage of thy soul. Wherein
+then, but in that part of thee, wherein the conceit, and apprehension
+of any misery can subsist? Let not that part therefore admit any such
+conceit, and then all is well. Though thy body which is so near it
+should either be cut or burnt, or suffer any corruption or putrefaction,
+yet let that part to which it belongs to judge of these, be still at
+rest; that is, let her judge this, that whatsoever it is, that equally
+may happen to a wicked man, and to a good man, is neither good nor evil.
+For that which happens equally to him that lives according to nature,
+and to him that doth not, is neither according to nature, nor against
+it; and by consequent, neither good nor bad.
+
+XXXIII. Ever consider and think upon the world as being but one living
+substance, and having but one soul, and how all things in the world, are
+terminated into one sensitive power; and are done by one general motion
+as it were, and deliberation of that one soul; and how all things that
+are, concur in the cause of one another's being, and by what manner of
+connection and concatenation all things happen.
+
+XXXIV. What art thou, that better and divine part excepted, but as
+Epictetus said well, a wretched soul, appointed to carry a carcass up
+and down?
+
+XXXV. To suffer change can be no hurt; as no benefit it is, by change to
+attain to being. The age and time of the world is as it were a flood and
+swift current, consisting of the things that are brought to pass in
+the world. For as soon as anything hath appeared, and is passed away,
+another succeeds, and that also will presently out of sight.
+
+XXXVI. Whatsoever doth happen in the world, is, in the course of nature,
+as usual and ordinary as a rose in the spring, and fruit in summer. Of
+the same nature is sickness and death; slander, and lying in wait, and
+whatsoever else ordinarily doth unto fools use to be occasion either
+of joy or sorrow. That, whatsoever it is, that comes after, doth always
+very naturally, and as it were familiarly, follow upon that which was
+before. For thou must consider the things of the world, not as a loose
+independent number, consisting merely of necessary events; but as a
+discreet connection of things orderly and harmoniously disposed. There
+is then to be seen in the things of the world, not a bare succession,
+but an admirable correspondence and affinity.
+
+XXXVII. Let that of Heraclitus never be out of thy mind, that the death
+of earth, is water, and the death of water, is air; and the death of
+air, is fire; and so on the contrary. Remember him also who was
+ignorant whither the way did lead, and how that reason being the thing
+by which all things in the world are administered, and which men are
+continually and most inwardly conversant with: yet is the thing, which
+ordinarily they are most in opposition with, and how those things which
+daily happen among them, cease not daily to be strange unto them, and
+that we should not either speak, or do anything as men in their sleep,
+by opinion and bare imagination: for then we think we speak and do, and
+that we must not be as children, who follow their father's example; for
+best reason alleging their bare ΞΊΞ±ΞΈα½ΉΟΞΉ ΟΞ±ΟΡιλὡΟαμΡν; or, as by
+successive tradition from our forefathers we have received it.
+
+XXXVIII. Even as if any of the gods should tell thee, Thou shalt
+certainly die to-morrow, or next day, thou wouldst not, except thou wert
+extremely base and pusillanimous, take it for a great benefit, rather
+to die the next day after, than to-morrow; (for alas, what is the
+difference!) so, for the same reason, think it no great matter to die
+rather many years after, than the very next day.
+
+XXXIX. Let it be thy perpetual meditation, how many physicians who
+once looked so grim, and so theatrically shrunk their brows upon their
+patients, are dead and gone themselves. How many astrologers, after that
+in great ostentation they had foretold the death of some others, how
+many philosophers after so many elaborate tracts and volumes concerning
+either mortality or immortality; how many brave captains and commanders,
+after the death and slaughter of so many; how many kings and tyrants,
+after they had with such horror and insolency abused their power upon
+men's lives, as though themselves had been immortal; how many, that
+I may so speak, whole cities both men and towns: Helice, Pompeii,
+Herculaneum, and others innumerable are dead and gone. Run them over
+also, whom thou thyself, one after another, hast known in thy time
+to drop away. Such and such a one took care of such and such a one's
+burial, and soon after was buried himself. So one, so another: and all
+things in a short time. For herein lieth all indeed, ever to look upon
+all worldly things, as things for their continuance, that are but for a
+day: and for their worth, most vile, and contemptible, as for example,
+What is man? That which but the other day when he was conceived was vile
+snivel; and within few days shall be either an embalmed carcass, or mere
+ashes. Thus must thou according to truth and nature, throughly consider
+how man's life is but for a very moment of time, and so depart meek and
+contented: even as if a ripe olive falling should praise the ground that
+bare her, and give thanks to the tree that begat her.
+
+XL. Thou must be like a promontory of the sea, against which though
+the waves beat continually, yet it both itself stands, and about it are
+those swelling waves stilled and quieted.
+
+XLI. Oh, wretched I, to whom this mischance is happened! nay, happy I,
+to whom this thing being happened, I can continue without grief; neither
+wounded by that which is present, nor in fear of that which is to come.
+For as for this, it might have happened unto any man, but any man having
+such a thing befallen him, could not have continued without grief. Why
+then should that rather be an unhappiness, than this a happiness? But
+however, canst thou, O man! term that unhappiness, which is no mischance
+to the nature of man I Canst thou think that a mischance to the nature
+of man, which is not contrary to the end and will of his nature? What
+then hast thou learned is the will of man's nature? Doth that then which
+hath happened unto thee, hinder thee from being just? or magnanimous? or
+temperate? or wise? or circumspect? or true? or modest? or free? or from
+anything else of all those things in the present enjoying and possession
+whereof the nature of man, (as then enjoying all that is proper unto
+her,) is fully satisfied? Now to conclude; upon all occasion of sorrow
+remember henceforth to make use of this dogma, that whatsoever it is
+that hath happened unto thee, is in very deed no such thing of itself,
+as a misfortune; but that to bear it generously, is certainly great
+happiness.
+
+XLII. It is but an ordinary coarse one, yet it is a good effectual
+remedy against the fear of death, for a man to consider in his mind the
+examples of such, who greedily and covetously (as it were) did for a
+long time enjoy their lives. What have they got more, than they whose
+deaths have been untimely? Are not they themselves dead at the last?
+as Cadiciant's, Fabius, Julianus Lepidus, or any other who in their
+lifetime having buried many, were at the last buried themselves. The
+whole space of any man's life, is but little; and as little as it is,
+with what troubles, with what manner of dispositions, and in the society
+of how wretched a body must it be passed! Let it be therefore unto thee
+altogether as a matter of indifferency. For if thou shalt look backward;
+behold, what an infinite chaos of time doth present itself unto thee;
+and as infinite a chaos, if thou shalt look forward. In that which is
+so infinite, what difference can there be between that which liveth but
+three days, and that which liveth three ages?
+
+XLIII. Let thy course ever be the most compendious way. The most
+compendious, is that which is according to nature: that is, in all both
+words and deeds, ever to follow that which is most sound and perfect.
+For such a resolution will free a man from all trouble, strife,
+dissembling, and ostentation.
+
+
+
+
+THE FIFTH BOOK
+
+
+I. In the morning when thou findest thyself unwilling to rise, consider
+with thyself presently, it is to go about a man's work that I am stirred
+up. Am I then yet unwilling to go about that, for which I myself was
+born and brought forth into this world? Or was I made for this, to
+lay me down, and make much of myself in a warm bed? 'O but this is
+pleasing.' And was it then for this that thou wert born, that thou
+mightest enjoy pleasure? Was it not in very truth for this, that thou
+mightest always be busy and in action? Seest thou not how all things
+in the world besides, how every tree md plant, how sparrows and ants,
+spiders and bees: how all in their kind are intent as it were orderly to
+perform whatsoever (towards the preservation of this orderly universe)
+naturally doth become and belong unto thin? And wilt not thou do that,
+which belongs unto a man to do? Wilt not thou run to do that, which thy
+nature doth require? 'But thou must have some rest.' Yes, thou must.
+Nature hath of that also, as well as of eating and drinking, allowed
+thee a certain stint. But thou guest beyond thy stint, and beyond that
+which would suffice, and in matter of action, there thou comest short of
+that which thou mayest. It must needs be therefore, that thou dost not
+love thyself, for if thou didst, thou wouldst also love thy nature, and
+that which thy nature doth propose unto herself as her end. Others,
+as many as take pleasure in their trade and profession, can even pine
+themselves at their works, and neglect their bodies and their food for
+it; and doest thou less honour thy nature, than an ordinary mechanic
+his trade; or a good dancer his art? than a covetous man his silver, and
+vainglorious man applause? These to whatsoever they take an affection,
+can be content to want their meat and sleep, to further that every one
+which he affects: and shall actions tending to the common good of
+human society, seem more vile unto thee, or worthy of less respect and
+intention?
+
+II. How easy a thing is it for a man to put off from him all turbulent
+adventitious imaginations, and presently to be in perfect rest and
+tranquillity!
+
+III. Think thyself fit and worthy to speak, or to do anything that is
+according to nature, and let not the reproach, or report of some that
+may ensue upon it, ever deter thee. If it be right and honest to be
+spoken or done, undervalue not thyself so much, as to be discouraged
+from it. As for them, they have their own rational over-ruling part, and
+their own proper inclination: which thou must not stand and look
+about to take notice of, but go on straight, whither both thine own
+particular, and the common nature do lead thee; and the way of both
+these, is but one.
+
+IV. I continue my course by actions according to nature, until I
+fall and cease, breathing out my last breath into that air, by which
+continually breathed in I did live; and falling upon that earth, out of
+whose gifts and fruits my father gathered his seed, my mother her
+blood, and my nurse her milk, out of which for so many years I have
+been provided, both of meat and drink. And lastly, which beareth me that
+tread upon it, and beareth with me that so many ways do abuse it, or
+so freely make use of it, so many ways to so many ends.
+
+V. No man can admire thee for thy sharp acute language, such is thy
+natural disability that way. Be it so: yet there be many other good
+things, for the want of which thou canst not plead the want or natural
+ability. Let them be seen in thee, which depend wholly from thee;
+sincerity, gravity, laboriousness, contempt of pleasures; be not
+querulous, be Content with little, be kind, be free; avoid all
+superfluity, all vain prattling; be magnanimous. Doest not thou
+perceive, how many things there be, which notwithstanding any pretence
+of natural indisposition and unfitness, thou mightest have performed and
+exhibited, and yet still thou doest voluntarily continue drooping
+downwards? Or wilt thou say that it is through defect of thy natural
+constitution, that thou art constrained to murmur, to be base and
+wretched to flatter; now to accuse, and now to please, and pacify thy
+body: to be vainglorious, to be so giddy-headed., and unsettled in thy
+thoughts? nay (witnesses be the Gods) of all these thou mightest have
+been rid long ago: only, this thou must have been contented with, to
+have borne the blame of one that is somewhat slow and dull, wherein thou
+must so exercise thyself, as one who neither doth much take to heart
+this his natural defect, nor yet pleaseth himself in it.
+
+VI. Such there be, who when they have done a good turn to any, are ready
+to set them on the score for it, and to require retaliation. Others
+there be, who though they stand not upon retaliation, to require any,
+yet they think with themselves nevertheless, that such a one is their
+debtor, and they know as their word is what they have done. Others again
+there be, who when they have done any such thing, do not so much as
+know what they have done; but are like unto the vine, which beareth her
+grapes, and when once she hath borne her own proper fruit, is contented
+and seeks for no further recompense. As a horse after a race, and a
+hunting dog when he hath hunted, and a bee when she hath made her honey,
+look not for applause and commendation; so neither doth that man that
+rightly doth understand his own nature when he hath done a good turn:
+but from one doth proceed to do another, even as the vine after she hath
+once borne fruit in her own proper season, is ready for another time.
+Thou therefore must be one of them, who what they do, barely do it
+without any further thought, and are in a manner insensible of what they
+do. 'Nay but,' will some reply perchance, 'this very thing a rational
+man is bound unto, to understand what it is, that he doeth.' For it
+is the property, say they, of one that is naturally sociable, to be
+sensible, that he doth operate sociably: nay, and to desire, that the
+party him self that is sociably dealt with, should be sensible of it
+too. I answer, That which thou sayest is true indeed, but the true
+meaning of that which is said, thou dost not understand. And therefore
+art thou one of those first, whom I mentioned. For they also are led by
+a probable appearance of reason. But if thou dost desire to understand
+truly what it is that is said, fear not that thou shalt therefore give
+over any sociable action.
+
+VII. The form of the Athenians' prayer did run thus: 'O rain, rain, good
+Jupiter, upon all the grounds and fields that belong to the Athenians.'
+Either we should not pray at all, or thus absolutely and freely; and not
+every one for himself in particular alone.
+
+VIII. As we say commonly, The physician hath prescribed unto this man,
+riding; unto another, cold baths; unto a third, to go barefoot: so it
+is alike to say, The nature of the universe hath prescribed unto this
+man sickness, or blindness, or some loss, or damage or some such thing.
+For as there, when we say of a physician, that he hath prescribed
+anything, our meaning is, that he hath appointed this for that, as
+subordinate and conducing to health: so here, whatsoever doth happen
+unto any, is ordained unto him as a thing subordinate unto the fates,
+and therefore do we say of such things, that they do ΟΟ ΞΌΞ²Ξ±α½·Ξ½Ξ΅ΞΉΞ½, that
+is, happen, or fall together; as of square stones, when either in
+walls, or pyramids in a certain position they fit one another, and
+agree as it were in an harmony, the masons say, that they do
+ΟΟ ΞΌΞ²Ξ±α½·Ξ½Ξ΅ΞΉΞ½; as if thou shouldest say, fall together: so that in the
+general, though the things be divers that make it, yet the consent or
+harmony itself is but one. And as the whole world is made up of all the
+particular bodies of the world, one perfect and complete body, of the
+same nature that particular bodies; so is the destiny of particular
+causes and events one general one, of the same nature that particular
+causes are. What I now say, even they that are mere idiots are not
+ignorant of: for they say commonly ΟΞΏαΏ¦ΟΞΏ αΌΟΞ΅ΟΡν αΌΟ ΟαΏ·, that is, This
+his destiny hath brought upon him. This therefore is by the fates
+properly and particularly brought upon this, as that unto this in
+particular is by the physician prescribed. These therefore let us
+accept of in like manner, as we do those that are prescribed unto us
+our physicians. For them also in themselves shall We find to contain
+many harsh things, but we nevertheless, in hope of health, and
+recovery, accept of them. Let the fulfilling and accomplishment of
+those things which the common nature hath determined, be unto thee as
+thy health. Accept then, and be pleased with whatsoever doth happen,
+though otherwise harsh and un-pleasing, as tending to that end, to the
+health and welfare of the universe, and to Jove's happiness and
+prosperity. For this whatsoever it be, should not have been produced,
+had it not conduced to the good of the universe. For neither doth any
+ordinary particular nature bring anything to pass, that is not to
+whatsoever is within the sphere of its own proper administration and
+government agreeable and subordinate. For these two considerations then
+thou must be well pleased with anything that doth happen unto thee.
+First, because that for thee properly it was brought to pass, and unto
+thee it was prescribed; and that from the very beginning by the series
+and connection of the first causes, it hath ever had a reference unto
+thee. And secondly, because the good success and perfect welfare, and
+indeed the very continuance of Him, that is the Administrator of the
+whole, doth in a manner depend on it. For the whole (because whole,
+therefore entire and perfect) is maimed, and mutilated, if thou shalt
+cut off anything at all, whereby the coherence, and contiguity as of
+parts, so of causes, is maintained and preserved. Of which certain it
+is, that thou doest (as much as lieth in thee) cut off, and in some
+sort violently take somewhat away, as often as thou art displeased with
+anything that happeneth.
+
+IX. Be not discontented, be not disheartened, be not out of hope, if
+often it succeed not so well with thee punctually and precisely to do
+all things according to the right dogmata, but being once cast off,
+return unto them again: and as for those many and more frequent
+occurrences, either of worldly distractions, or human infirmities, which
+as a man thou canst not but in some measure be subject unto, be not thou
+discontented with them; but however, love and affect that only which
+thou dust return unto: a philosopher's life, and proper occupation after
+the most exact manner. And when thou dust return to thy philosophy,
+return not unto it as the manner of some is, after play and liberty as
+it were, to their schoolmasters and pedagogues; but as they that have
+sore eyes to their sponge and egg: or as another to his cataplasm; or
+as others to their fomentations: so shalt not thou make it a matter of
+ostentation at all to obey reason but of ease and comfort. And
+remember that philosophy requireth nothing of thee, but what thy
+nature requireth, and wouldest thou thyself desire anything that is
+not according to nature? for which of these sayest thou; that which is
+according to nature or against it, is of itself more kind and pleasing?
+Is it not for that respect especially, that pleasure itself is to so
+many men's hurt and overthrow, most prevalent, because esteemed commonly
+most kind, and natural? But consider well whether magnanimity rather,
+and true liberty, and true simplicity, and equanimity, and holiness;
+whether these be not most kind and natural? And prudency itself, what
+more kind and amiable than it, when thou shalt truly consider with
+thyself, what it is through all the proper objects of thy rational
+intellectual faculty currently to go on without any fall or stumble?
+As for the things of the world, their true nature is in a manner so
+involved with obscurity, that unto many philosophers, and those no
+mean ones, they seemed altogether incomprehensible, and the Stoics
+themselves, though they judge them not altogether incomprehensible,
+yet scarce and not without much difficulty, comprehensible, so that
+all assent of ours is fallible, for who is he that is infallible in his
+conclusions? From the nature of things, pass now unto their subjects
+and matter: how temporary, how vile are they I such as may be in the
+power and possession of some abominable loose liver, of some common
+strumpet, of some notorious oppressor and extortioner. Pass from thence
+to the dispositions of them that thou doest ordinarily converse with,
+how hardly do we bear, even with the most loving and amiable! that I may
+not say, how hard it is for us to bear even with our own selves, in such
+obscurity, and impurity of things: in such and so continual a flux both
+of the substances and time; both of the motions themselves, and things
+moved; what it is that we can fasten upon; either to honour, and respect
+especially; or seriously, and studiously to seek after; I cannot so much
+as conceive For indeed they are things contrary.
+
+X. Thou must comfort thyself in the expectation of thy natural
+dissolution, and in the meantime not grieve at the delay; but rest
+contented in those two things. First, that nothing shall happen unto
+thee, which is not according to the nature of the universe. Secondly,
+that it is in thy power, to do nothing against thine own proper God, and
+inward spirit. For it is not in any man's power to constrain thee to
+transgress against him.
+
+XI. What is the use that now at this present I make of my soul? Thus
+from time to time and upon all occasions thou must put this question to
+thyself; what is now that part of mine which they call the rational
+mistress part, employed about? Whose soul do I now properly possess? a
+child's? or a youth's? a woman's? or a tyrant's? some brute, or some
+wild beast's soul?
+
+XII. What those things are in themselves, which by the greatest part are
+esteemed good, thou mayest gather even from this. For if a man shall
+hear things mentioned as good, which are really good indeed, such as are
+prudence, temperance, justice, fortitude, after so much heard and
+conceived, he cannot endure to hear of any more, for the word good is
+properly spoken of them. But as for those which by the vulgar are
+esteemed good, if he shall hear them mentioned as good, he doth hearken
+for more. He is well contented to hear, that what is spoken by the
+comedian, is but familiarly and popularly spoken, so that even the
+vulgar apprehend the difference. For why is it else, that this offends
+not and needs not to be excused, when virtues are styled good: but that
+which is spoken in commendation of wealth, pleasure, or honour, we
+entertain it only as merrily and pleasantly spoken? Proceed therefore,
+and inquire further, whether it may not be that those things also which
+being mentioned upon the stage were merrily, and with great applause of
+the multitude, scoffed at with this jest, that they that possessed them
+had not in all the world of their own, (such was their affluence and
+plenty) so much as a place where to avoid their excrements. Whether, I
+say, those ought not also in very deed to be much respected, and
+esteemed of, as the only things that are truly good.
+
+XIII. All that I consist of, is either form or matter. No corruption
+can reduce either of these unto nothing: for neither did I of nothing
+become a subsistent creature. Every part of mine then will by mutation
+be disposed into a certain part of the whole world, and that in time
+into another part; and so _in infinitum;_ by which kind of mutation, I
+also became what I am, and so did they that begot me, and they before
+them, and so upwards _in infinitum_. For so we may be allowed to speak,
+though the age and government of the world, be to some certain periods
+of time limited, and confined.
+
+XIV. Reason, and rational power, are faculties which content themselves
+with themselves, and their own proper operations. And as for their first
+inclination and motion, that they take from themselves. But their
+progress is right to the end and object, which is in their way, as it
+were, and lieth just before them: that is, which is feasible and
+possible, whether it be that which at the first they proposed to
+themselves, or no. For which reason also such actions are termed
+ΞΊΞ±ΟΞΏΟΞΈα½½ΟΡιΟ, to intimate the directness of the way, by which they are
+achieved. Nothing must be thought to belong to a man, which doth not
+belong unto him as he is a man. These, the event of purposes, are not
+things required in a man. The nature of man doth not profess any such
+things. The final ends and consummations of actions are nothing at all
+to a man's nature. The end therefore of a man, or the _summum bonum_
+whereby that end is fulfilled, cannot consist in the consummation of
+actions purposed and intended. Again, concerning these outward worldly
+things, were it so that any of them did properly belong unto man, then
+would it not belong unto man, to condemn them and to stand in opposition
+with them. Neither would he be praiseworthy that can live without them;
+or he good, (if these were good indeed) who of his own accord doth
+deprive himself of any of them. But we see contrariwise, that the more a
+man doth withdraw himself from these wherein external pomp and greatness
+doth consist, or any other like these; or the better he doth bear with
+the loss of these, the better he is accounted.
+
+XV. Such as thy thoughts and ordinary cogitations are, such will thy
+mind be in time. For the soul doth as it were receive its tincture from
+the fancies, and imaginations. Dye it therefore and thoroughly soak it
+with the assiduity of these cogitations. As for example. Wheresoever
+thou mayest live, there it is in thy power to live well and happy. But
+thou mayest live at the Court, there then also mayest thou live well and
+happy. Again, that which everything is made for, he is also made unto
+that, and cannot but naturally incline unto it. That which anything
+doth naturally incline unto, therein is his end. Wherein the end of
+everything doth consist, therein also doth his good and benefit consist.
+Society therefore is the proper good of a rational creature. For that we
+are made for society, it hath long since been demonstrated. Or can any
+man make any question of this, that whatsoever is naturally worse and
+inferior, is ordinarily subordinated to that which is better? and that
+those things that are best, are made one for another? And those things
+that have souls, are better than those that have none? and of those that
+have, those best that have rational souls?
+
+XVI. To desire things impossible is the part of a mad man. But it is a
+thing impossible, that wicked man should not commit some such things.
+Neither doth anything happen to any man, which in the ordinary course
+of nature as natural unto him doth not happen. Again, the same things
+happen unto others also. And truly, if either he that is ignorant that
+such a thing hath happened unto him, or he that is ambitious to be
+commended for his magnanimity, can be patient, and is not grieved: is it
+not a grievous thing, that either ignorance, or a vain desire to please
+and to be commended, should be more powerful and effectual than true
+prudence? As for the things themselves, they touch not the soul, neither
+can they have any access unto it: neither can they of themselves any
+ways either affect it, or move it. For she herself alone can affect and
+move herself, and according as the dogmata and opinions are, which she
+doth vouchsafe herself; so are those things which, as accessories, have
+any co-existence with her.
+
+XVII. After one consideration, man is nearest unto us; as we are bound
+to do them good, and to bear with them. But as he may oppose any of our
+true proper actions, so man is unto me but as a thing indifferent: even
+as the sun, or the wind, or some wild beast. By some of these it may be,
+that some operation or other of mine, may be hindered; however, of my
+mind and resolution itself, there can be no let or impediment, by reason
+of that ordinary constant both exception (or reservation wherewith it
+inclineth) and ready conversion of objects; from that which may not be,
+to that which may be, which in the prosecution of its inclinations, as
+occasion serves, it doth observe. For by these the mind doth turn and
+convert any impediment whatsoever, to be her aim and purpose. So that
+what before was the impediment, is now the principal object of her
+working; and that which before was in her way, is now her readiest way.
+
+XVIII. Honour that which is chiefest and most powerful in the world, and
+that is it, which makes use of all things, and governs all things. So
+also in thyself; honour that which is chiefest, and most powerful; and
+is of one kind and nature with that which we now spake of. For it is the
+very same, which being in thee, turneth all other things to its own use,
+and by whom also thy life is governed.
+
+XIX. That which doth not hurt the city itself; cannot hurt any citizen.
+This rule thou must remember to apply and make use of upon every conceit
+and apprehension of wrong. If the whole city be not hurt by this,
+neither am I certainly. And if the whole be not, why should I make it
+my private grievance? consider rather what it is wherein he is overseen
+that is thought to have done the wrong. Again, often meditate how
+swiftly all things that subsist, and all things that are done in the
+world, are carried away, and as it were conveyed out of sight: for both
+the substance themselves, we see as a flood, are in a continual flux;
+and all actions in a perpetual change; and the causes themselves,
+subject to a thousand alterations, neither is there anything almost,
+that may ever be said to be now settled and constant. Next unto this,
+and which follows upon it, consider both the infiniteness of the time
+already past, and the immense vastness of that which is to come, wherein
+all things are to be resolved and annihilated. Art not thou then a
+very fool, who for these things, art either puffed up with pride, or
+distracted with cares, or canst find in thy heart to make such moans as
+for a thing that would trouble thee for a very long time? Consider the
+whole universe whereof thou art but a very little part, and the whole
+age of the world together, whereof but a short and very momentary
+portion is allotted unto thee, and all the fates and destinies together,
+of which how much is it that comes to thy part and share! Again: another
+doth trespass against me. Let him look to that. He is master of his own
+disposition, and of his own operation. I for my part am in the meantime
+in possession of as much, as the common nature would have me to possess:
+and that which mine own nature would have me do, I do.
+
+XX. Let not that chief commanding part of thy soul be ever subject to
+any variation through any corporal either pain or pleasure, neither
+suffer it to be mixed with these, but let it both circumscribe itself,
+and confine those affections to their own proper parts and members.
+But if at any time they do reflect and rebound upon the mind and
+understanding (as in an united and compacted body it must needs;) then
+must thou not go about to resist sense and feeling, it being natural.
+However let not thy understanding to this natural sense and feeling,
+which whether unto our flesh pleasant or painful, is unto us nothing
+properly, add an opinion of either good or bad and all is well.
+
+XXI. To live with the Gods. He liveth with the Gods, who at all times
+affords unto them the spectacle of a soul, both contented and well
+pleased with whatsoever is afforded, or allotted unto her; and
+performing whatsoever is pleasing to that Spirit, whom (being part of
+himself) Jove hath appointed to every man as his overseer and governor.
+
+XXII. Be not angry neither with him whose breath, neither with him whose
+arm holes, are offensive. What can he do? such is his breath naturally,
+and such are his arm holes; and from such, such an effect, and such
+a smell must of necessity proceed. 'O, but the man (sayest thou) hath
+understanding in him, and might of himself know, that he by standing
+near, cannot choose but offend.' And thou also (God bless thee!) hast
+understanding. Let thy reasonable faculty, work upon his reasonable
+faculty; show him his fault, admonish him. If he hearken unto thee, thou
+hast cured him, and there will be no more occasion of anger.
+
+XXIII. 'Where there shall neither roarer be, nor harlot.' Why so? As
+thou dost purpose to live, when thou hast retired thyself to some such
+place, where neither roarer nor harlot is: so mayest thou here. And if
+they will not suffer thee, then mayest thou leave thy life rather than
+thy calling, but so as one that doth not think himself anyways wronged.
+Only as one would say, Here is a smoke; I will out of it. And what a
+great matter is this! Now till some such thing force me out, I will
+continue free; neither shall any man hinder me to do what I will, and
+my will shall ever be by the proper nature of a reasonable and sociable
+creature, regulated and directed.
+
+XXIV. That rational essence by which the universe is governed, is for
+community and society; and therefore hath it both made the things that
+are worse, for the best, and hath allied and knit together those
+which are best, as it were in an harmony. Seest thou not how it hath
+sub-ordinated, and co-ordinated? and how it hath distributed unto
+everything according to its worth? and those which have the pre-eminency
+and superiority above all, hath it united together, into a mutual
+consent and agreement.
+
+XXV. How hast thou carried thyself hitherto towards the Gods? towards
+thy parents? towards thy brethren? towards thy wife? towards thy
+children? towards thy masters? thy foster-fathers? thy friends? thy
+domestics? thy servants? Is it so with thee, that hitherto thou hast
+neither by word or deed wronged any of them? Remember withal through how
+many things thou hast already passed, and how many thou hast been able
+to endure; so that now the legend of thy life is full, and thy charge is
+accomplished. Again, how many truly good things have certainly by thee
+been discerned? how many pleasures, how many pains hast thou passed over
+with contempt? how many things eternally glorious hast thou despised?
+towards how many perverse unreasonable men hast thou carried thyself
+kindly, and discreetly?
+
+XXVI. Why should imprudent unlearned souls trouble that which is
+both learned, and prudent? And which is that that is so? she that
+understandeth the beginning and the end, and hath the true knowledge of
+that rational essence, that passeth through all things subsisting, and
+through all ages being ever the same, disposing and dispensing as it
+were this universe by certain periods of time.
+
+XXVII. Within a very little while, thou wilt be either ashes, or a
+sceletum; and a name perchance; and perchance, not so much as a name.
+And what is that but an empty sound, and a rebounding echo? Those things
+which in this life are dearest unto us, and of most account, they are in
+themselves but vain, putrid, contemptible. The most weighty and serious,
+if rightly esteemed, but as puppies, biting one another: or untoward
+children, now laughing and then crying. As for faith, and modesty, and
+justice, and truth, they long since, as one of the poets hath it, have
+abandoned this spacious earth, and retired themselves unto heaven. What
+is it then that doth keep thee here, if things sensible be so mutable
+and unsettled? and the senses so obscure, and so fallible? and our souls
+nothing but an exhalation of blood? and to be in credit among such,
+be but vanity? What is it that thou dost stay for? an extinction, or a
+translation; either of them with a propitious and contented mind. But
+still that time come, what will content thee? what else, but to worship
+and praise the Gods; and to do good unto men. To bear with them, and
+to forbear to do them any wrong. And for all external things belonging
+either to this thy wretched body, or life, to remember that they are
+neither thine, nor in thy power.
+
+XXVIII. Thou mayest always speed, if thou wilt but make choice of the
+right way; if in the course both of thine opinions and actions, thou
+wilt observe a true method. These two things be common to the souls, as
+of God, so of men, and of every reasonable creature, first that in their
+own proper work they cannot be hindered by anything: and secondly, that
+their happiness doth consist in a disposition to, and in the practice of
+righteousness; and that in these their desire is terminated.
+
+XXIX. If this neither be my wicked act, nor an act anyways depending
+from any wickedness of mine, and that by it the public is not hurt; what
+doth it concern me? And wherein can the public be hurt? For thou must
+not altogether be carried by conceit and common opinion: as for help
+thou must afford that unto them after thy best ability, and as occasion
+shall require, though they sustain damage, but in these middle or
+worldly things; but however do not thou conceive that they are truly
+hurt thereby: for that is not right. But as that old foster-father
+in the comedy, being now to take his leave doth with a great deal of
+ceremony, require his foster-child's rhombus, or rattle-top, remembering
+nevertheless that it is but a rhombus; so here also do thou likewise.
+For indeed what is all this pleading and public bawling for at the
+courts? O man, hast thou forgotten what those things are! yea but they
+are things that others much care for, and highly esteem of. Wilt thou
+therefore be a fool too? Once I was; let that suffice.
+
+XXX. Let death surprise me when it will, and where it will, I may be
+Ξ΅α½ΞΌΞΏΞΉΟΞΏΟ, or a happy man, nevertheless.
+
+For he is a happy man, who in his lifetime dealeth unto himself a happy
+lot and portion. A happy lot and portion is, good inclinations of the
+soul, good desires, good actions.
+
+
+
+
+THE SIXTH BOOK
+
+
+I. The matter itself, of which the universe doth consist, is of itself
+very tractable and pliable. That rational essence that doth govern it,
+hath in itself no cause to do evil. It hath no evil in itself; neither
+can it do anything that is evil: neither can anything be hurt by it. And
+all things are done and determined according to its will and prescript.
+
+II. Be it all one unto thee, whether half frozen or well warm; whether
+only slumbering, or after a full sleep; whether discommended or
+commended thou do thy duty: or whether dying or doing somewhat else; for
+that also 'to die,' must among the rest be reckoned as one of the duties
+and actions of our lives.
+
+III. Look in, let not either the proper quality, or the true worth of
+anything pass thee, before thou hast fully apprehended it.
+
+IV. All substances come soon to their change, and either they shall
+be resolved by way of exhalation (if so be that all things shall be
+reunited into one substance), or as others maintain, they shall be
+scattered and dispersed. As for that Rational Essence by which all
+things are governed, as it best understandeth itself, both its own
+disposition, and what it doth, and what matter it hath to do with and
+accordingly doth all things; so we that do not, no wonder, if we wonder
+at many things, the reasons whereof we cannot comprehend.
+
+V. The best kind of revenge is, not to become like unto them.
+
+VI. Let this be thy only joy, and thy only comfort, from one sociable
+kind action without intermission to pass unto another, God being ever in
+thy mind.
+
+VII. The rational commanding part, as it alone can stir up and turn
+itself; so it maketh both itself to be, and everything that happeneth,
+to appear unto itself, as it will itself.
+
+VIII. According to the nature of the universe all things particular are
+determined, not according to any other nature, either about compassing
+and containing; or within, dispersed and contained; or without,
+depending. Either this universe is a mere confused mass, and an
+intricate context of things, which shall in time be scattered and
+dispersed again: or it is an union consisting of order, and administered
+by Providence. If the first, why should I desire to continue any longer
+in this fortuit confusion and commixtion? or why should I take care for
+anything else, but that as soon as may be I may be earth again? And
+why should I trouble myself any more whilst I seek to please the Gods?
+Whatsoever I do, dispersion is my end, and will come upon me whether I
+will or no. But if the latter be, then am not I religious in vain;
+then will I be quiet and patient, and put my trust in Him, who is the
+Governor of all.
+
+IX. Whensoever by some present hard occurrences thou art constrained to
+be in some sort troubled and vexed, return unto thyself as soon as may
+be, and be not out of tune longer than thou must needs. For so shalt
+thou be the better able to keep thy part another time, and to maintain
+the harmony, if thou dost use thyself to this continually; once out,
+presently to have recourse unto it, and to begin again.
+
+X. If it were that thou hadst at one time both a stepmother, and
+a natural mother living, thou wouldst honour and respect her also;
+nevertheless to thine own natural mother would thy refuge, and recourse
+be continually. So let the court and thy philosophy be unto thee. Have
+recourse unto it often, and comfort thyself in her, by whom it is that
+those other things are made tolerable unto thee, and thou also in those
+things not intolerable unto others.
+
+XI. How marvellous useful it is for a man to represent unto himself
+meats, and all such things that are for the mouth, under a right
+apprehension and imagination! as for example: This is the carcass of a
+fish; this of a bird; and this of a hog. And again more generally; This
+phalernum, this excellent highly commended wine, is but the bare juice
+of an ordinary grape. This purple robe, but sheep's hairs, dyed with
+the blood of a shellfish. So for coitus, it is but the attrition of an
+ordinary base entrail, and the excretion of a little vile snivel, with
+a certain kind of convulsion: according to Hippocrates his opinion. How
+excellent useful are these lively fancies and representations of things,
+thus penetrating and passing through the objects, to make their true
+nature known and apparent! This must thou use all thy life long, and
+upon all occasions: and then especially, when matters are apprehended
+as of great worth and respect, thy art and care must be to uncover
+them, and to behold their vileness, and to take away from them all those
+serious circumstances and expressions, under which they made so grave
+a show. For outward pomp and appearance is a great juggler; and then
+especially art thou most in danger to be beguiled by it, when (to
+a man's thinking) thou most seemest to be employed about matters of
+moment.
+
+XII. See what Crates pronounceth concerning Xenocrates himself.
+
+XIII. Those things which the common sort of people do admire, are most
+of them such things as are very general, and may be comprehended under
+things merely natural, or naturally affected and qualified: as stones,
+wood, figs, vines, olives. Those that be admired by them that are more
+moderate and restrained, are comprehended under things animated: as
+flocks and herds. Those that are yet more gentle and curious, their
+admiration is commonly confined to reasonable creatures only; not in
+general as they are reasonable, but as they are capable of art, or of
+some craft and subtile invention: or perchance barely to reasonable
+creatures; as they that delight in the possession of many slaves. But
+he that honours a reasonable soul in general, as it is reasonable and
+naturally sociable, doth little regard anything else: and above all
+things is careful to preserve his own, in the continual habit and
+exercise both of reason and sociableness: and thereby doth co-operate
+with him, of whose nature he doth also participate; God.
+
+XIV. Some things hasten to be, and others to be no more. And even
+whatsoever now is, some part thereof hath already perished. Perpetual
+fluxes and alterations renew the world, as the perpetual course of time
+doth make the age of the world (of itself infinite) to appear always
+fresh and new. In such a flux and course of all things, what of these
+things that hasten so fast away should any man regard, since among all
+there is not any that a man may fasten and fix upon? as if a man would
+settle his affection upon some ordinary sparrow living by him, who is no
+sooner seen, than out of sight. For we must not think otherwise of our
+lives, than as a mere exhalation of blood, or of an ordinary respiration
+of air. For what in our common apprehension is, to breathe in the air
+and to breathe it out again, which we do daily: so much is it and no
+more, at once to breathe out all thy respirative faculty into that
+common air from whence but lately (as being but from yesterday, and
+to-day), thou didst first breathe it in, and with it, life.
+
+XV. Not vegetative spiration, it is not surely (which plants have) that
+in this life should be so dear unto us; nor sensitive respiration, the
+proper life of beasts, both tame and wild; nor this our imaginative
+faculty; nor that we are subject to be led and carried up and down by
+the strength of our sensual appetites; or that we can gather, and live
+together; or that we can feed: for that in effect is no better, than
+that we can void the excrements of our food. What is it then that should
+be dear unto us? to hear a clattering noise? if not that, then neither
+to be applauded by the tongues of men. For the praises of many tongues,
+is in effect no better than the clattering of so many tongues. If then
+neither applause, what is there remaining that should be dear unto thee?
+This I think: that in all thy motions and actions thou be moved,
+and restrained according to thine own true natural constitution and
+Construction only. And to this even ordinary arts and professions do
+lead us. For it is that which every art doth aim at, that whatsoever it
+is, that is by art effected and prepared, may be fit for that work that
+it is prepared for. This is the end that he that dresseth the vine, and
+he that takes upon him either to tame colts, or to train up dogs,
+doth aim at. What else doth the education of children, and all learned
+professions tend unto? Certainly then it is that, which should be dear
+unto us also. If in this particular it go well with thee, care not for
+the obtaining of other things. But is it so, that thou canst not but
+respect other things also? Then canst not thou truly be free? then canst
+thou not have self-content: then wilt thou ever be subject to passions.
+For it is not possible, but that thou must be envious, and jealous, and
+suspicious of them whom thou knowest can bereave thee of such things;
+and again, a secret underminer of them, whom thou seest in present
+possession of that which is dear unto thee. To be short, he must of
+necessity be full of confusion within himself, and often accuse the
+Gods, whosoever stands in need of these things. But if thou shalt
+honour and respect thy mind only, that will make thee acceptable
+towards thyself, towards thy friends very tractable; and conformable
+and concordant with the Gods; that is, accepting with praises whatsoever
+they shall think good to appoint and allot unto thee.
+
+XVI. Under, above, and about, are the motions of the elements; but
+the motion of virtue, is none of those motions, but is somewhat more
+excellent and divine. Whose way (to speed and prosper in it) must be
+through a way, that is not easily comprehended.
+
+XVII. Who can choose but wonder at them? They will not speak well of
+them that are at the same time with them, and live with them; yet they
+themselves are very ambitious, that they that shall follow, whom they
+have never seen, nor shall ever see, should speak well of them. As if
+a man should grieve that he hath not been commended by them, that lived
+before him.
+
+XVIII. Do not ever conceive anything impossible to man, which by thee
+cannot, or not without much difficulty be effected; but whatsoever in
+general thou canst Conceive possible and proper unto any man, think that
+very possible unto thee also.
+
+XIX. Suppose that at the palestra somebody hath all to-torn thee with
+his nails, and hath broken thy head. Well, thou art wounded. Yet thou
+dost not exclaim; thou art not offended with him. Thou dost not suspect
+him for it afterwards, as one that watcheth to do thee a mischief. Yea
+even then, though thou dost thy best to save thyself from him, yet not
+from him as an enemy. It is not by way of any suspicious indignation,
+but by way of gentle and friendly declination. Keep the same mind and
+disposition in other parts of thy life also. For many things there be,
+which we must conceit and apprehend, as though we had had to do with an
+antagonist at the palestra. For as I said, it is very possible for us to
+avoid and decline, though we neither suspect, nor hate.
+
+XX. If anybody shall reprove me, and shall make it apparent unto me,
+that in any either opinion or action of mine I do err, I will most
+gladly retract. For it is the truth that I seek after, by which I am
+sure that never any man was hurt; and as sure, that he is hurt that
+continueth in any error, or ignorance whatsoever.
+
+XXI. I for my part will do what belongs unto me; as for other things,
+whether things unsensible or things irrational; or if rational, yet
+deceived and ignorant of the true way, they shall not trouble or
+distract me. For as for those creatures which are not endued with reason
+and all other things and-matters of the world whatsoever I freely, and
+generously, as one endued with reason, of things that have none, make
+use of them. And as for men, towards them as naturally partakers of the
+same reason, my care is to carry myself sociably. But whatsoever it is
+that thou art about, remember to call upon the Gods. And as for the time
+how long thou shalt live to do these things, let it be altogether
+indifferent unto thee, for even three such hours are sufficient.
+
+XXII. Alexander of Macedon, and he that dressed his mules, when once
+dead both came to one. For either they were both resumed into those
+original rational essences from whence all things in the world are
+propagated; or both after one fashion were scattered into atoms.
+
+XXIII Consider how many different things, whether they concern our
+bodies, or our souls, in a moment of time come to pass in every one of
+us, and so thou wilt not wonder if many more things or rather all things
+that are done, can at one time subsist, and coexist in that both one and
+general, which we call the world.
+
+XXIV. if any should put this question unto thee, how this word Antoninus
+is written, wouldst thou not presently fix thine intention upon it, and
+utter out in order every letter of it? And if any shall begin to gainsay
+thee, and quarrel with thee about it; wilt thou quarrel with him again,
+or rather go on meekly as thou hast begun, until thou hast numbered out
+every letter? Here then likewise remember, that every duty that belongs
+unto a man doth consist of some certain letters or numbers as it were,
+to which without any noise or tumult keeping thyself thou must orderly
+proceed to thy proposed end, forbearing to quarrel with him that would
+quarrel and fall out with thee.
+
+XXV. Is it not a cruel thing to forbid men to affect those things, which
+they conceive to agree best with their own natures, and to tend most
+to their own proper good and behoof? But thou after a sort deniest them
+this liberty, as often as thou art angry with them for their sins. For
+surely they are led unto those sins whatsoever they be, as to
+their proper good and commodity. But it is not so (thou wilt object
+perchance). Thou therefore teach them better, and make it appear unto
+them: but be not thou angry with them.
+
+XXVI. Death is a cessation from the impression of the senses, the
+tyranny of the passions, the errors of the mind, and the servitude of
+the body.
+
+XXVII. If in this kind of life thy body be able to hold out, it is a
+shame that thy soul should faint first, and give over, take heed, lest
+of a philosopher thou become a mere Cæsar in time, and receive a new
+tincture from the court. For it may happen if thou dost not take heed.
+Keep thyself therefore, truly simple, good, sincere, grave, free
+from all ostentation, a lover of that which is just, religious, kind,
+tender-hearted, strong and vigorous to undergo anything that becomes
+thee. Endeavour to continue such, as philosophy (hadst thou wholly and
+constantly applied thyself unto it) would have made, and secured thee.
+Worship the Gods, procure the welfare of men, this life is short.
+Charitable actions, and a holy disposition, is the only fruit of this
+earthly life.
+
+XXVIII. Do all things as becometh the disciple of Antoninus Pius.
+Remember his resolute constancy in things that were done by him
+according to reason, his equability in all things, his sanctity; the
+cheerfulness of his countenance, his sweetness, and how free he was from
+all vainglory; how careful to come to the true and exact knowledge of
+matters in hand, and how he would by no means give over till he did
+fully, and plainly understand the whole state of the business; and how
+patiently, and without any contestation he would bear with them, that
+did unjustly condemn him: how he would never be over-hasty in anything,
+nor give ear to slanders and false accusations, but examine and observe
+with best diligence the several actions and dispositions of men. Again,
+how he was no backbiter, nor easily frightened, nor suspicious, and in
+his language free from all affectation and curiosity: and how easily he
+would content himself with few things, as lodging, bedding, clothing,
+and ordinary nourishment, and attendance. How able to endure labour, how
+patient; able through his spare diet to continue from morning to evening
+without any necessity of withdrawing before his accustomed hours to
+the necessities of nature: his uniformity and constancy in matter of
+friendship. How he would bear with them that with all boldness and
+liberty opposed his opinions; and even rejoice if any man could better
+advise him: and lastly, how religious he was without superstition. All
+these things of him remember, that whensoever thy last hour shall
+come upon thee, it may find thee, as it did him, ready for it in the
+possession of a good conscience.
+
+XXIX. Stir up thy mind, and recall thy wits again from thy natural
+dreams, and visions, and when thou art perfectly awoken, and canst
+perceive that they were but dreams that troubled thee, as one newly
+awakened out of another kind of sleep look upon these worldly things
+with the same mind as thou didst upon those, that thou sawest in thy
+sleep.
+
+XXX. I consist of body and soul. Unto my body all things are
+indifferent, for of itself it cannot affect one thing more than another
+with apprehension of any difference; as for my mind, all things which
+are not within the verge of her own operation, are indifferent unto her,
+and for her own operations, those altogether depend of her; neither
+does she busy herself about any, but those that are present; for as
+for future and past operations, those also are now at this present
+indifferent unto her.
+
+XXXI. As long as the foot doth that which belongeth unto it to do, and
+the hand that which belongs unto it, their labour, whatsoever it be, is
+not unnatural. So a man as long as he doth that which is proper unto
+a man, his labour cannot be against nature; and if it be not against
+nature, then neither is it hurtful unto him. But if it were so that
+happiness did consist in pleasure: how came notorious robbers, impure
+abominable livers, parricides, and tyrants, in so large a measure to
+have their part of pleasures?
+
+XXXII. Dost thou not see, how even those that profess mechanic arts,
+though in some respect they be no better than mere idiots, yet they
+stick close to the course of their trade, neither can they find in
+their heart to decline from it: and is it not a grievous thing that
+an architect, or a physician shall respect the course and mysteries of
+their profession, more than a man the proper course and condition of his
+own nature, reason, which is common to him and to the Gods?
+
+XXXIII. Asia, Europe; what are they, but as corners of the whole world;
+of which the whole sea, is but as one drop; and the great Mount Athos,
+but as a clod, as all present time is but as one point of eternity. All,
+petty things; all things that are soon altered, soon perished. And all
+things come from one beginning; either all severally and particularly
+deliberated and resolved upon, by the general ruler and governor of all;
+or all by necessary consequence. So that the dreadful hiatus of a gaping
+lion, and all poison, and all hurtful things, are but (as the thorn and
+the mire) the necessary consequences of goodly fair things. Think not
+of these therefore, as things contrary to those which thou dost much
+honour, and respect; but consider in thy mind the true fountain of all.
+
+XXXIV He that seeth the things that are now, hath Seen all that either
+was ever, or ever shall be, for all things are of one kind; and all like
+one unto another. Meditate often upon the connection of all things in
+the world; and upon the mutual relation that they have one unto another.
+For all things are after a sort folded and involved one within another,
+and by these means all agree well together. For one thing is consequent
+unto another, by local motion, by natural conspiration and agreement,
+and by substantial union, or, reduction of all substances into one.
+
+XXXV. Fit and accommodate thyself to that estate and to those
+occurrences, which by the destinies have been annexed unto thee; and
+love those men whom thy fate it is to live with; but love them truly. An
+instrument, a tool, an utensil, whatsoever it be, if it be fit for the
+purpose it was made for, it is as it should be though he perchance that
+made and fitted it, be out of sight and gone. But in things natural,
+that power which hath framed and fitted them, is and abideth within them
+still: for which reason she ought also the more to be respected, and we
+are the more obliged (if we may live and pass our time according to her
+purpose and intention) to think that all is well with us, and according
+to our own minds. After this manner also, and in this respect it is,
+that he that is all in all doth enjoy his happiness.
+
+XXXVI. What things soever are not within the proper power and
+jurisdiction of thine own will either to compass or avoid, if thou shalt
+propose unto thyself any of those things as either good, or evil; it
+must needs be that according as thou shalt either fall into that which
+thou dost think evil, or miss of that which thou dost think good, so
+wilt thou be ready both to complain of the Gods, and to hate those men,
+who either shall be so indeed, or shall by thee be suspected as the
+cause either of thy missing of the one, or falling into the other. And
+indeed we must needs commit many evils, if we incline to any of these
+things, more or less, with an opinion of any difference. But if we mind
+and fancy those things only, as good and bad, which wholly depend of our
+own wills, there is no more occasion why we should either murmur against
+the Gods, or be at enmity with any man.
+
+XXXVII. We all work to one effect, some willingly, and with a rational
+apprehension of what we do: others without any such knowledge. As I
+think Heraclitus in a place speaketh of them that sleep, that even they
+do work in their kind, and do confer to the general operations of the
+world. One man therefore doth co-operate after one sort, and another
+after another sort; but even he that doth murmur, and to his power doth
+resist and hinder; even he as much as any doth co-operate. For of such
+also did the world stand in need. Now do thou consider among which of
+these thou wilt rank thyself. For as for him who is the Administrator
+of all, he will make good use of thee whether thou wilt or no, and make
+thee (as a part and member of the whole) so to co-operate with him,
+that whatsoever thou doest, shall turn to the furtherance of his own
+counsels, and resolutions. But be not thou for shame such a part of the
+whole, as that vile and ridiculous verse (which Chrysippus in a place
+doth mention) is a part of the comedy. XXXVIII. Doth either the sun take
+upon him to do that which belongs to the rain? or his son Aesculapius
+that, which unto the earth doth properly belong? How is it with every
+one of the stars in particular? Though they all differ one from another,
+and have their several charges and functions by themselves, do they not
+all nevertheless concur and co-operate to one end?
+
+XXXIX. If so be that the Gods have deliberated in particular of those
+things that should happen unto me, I must stand to their deliberation,
+as discrete and wise. For that a God should be an imprudent God, is a
+thing hard even to conceive: and why should they resolve to do me hurt?
+for what profit either unto them or the universe (which they specially
+take care for) could arise from it? But if so be that they have not
+deliberated of me in particular, certainly they have of the whole in
+general, and those things which in consequence and coherence of this
+general deliberation happen unto me in particular, I am bound to embrace
+and accept of. But if so be that they have not deliberated at all (which
+indeed is very irreligious for any man to believe: for then let us
+neither sacrifice, nor pray, nor respect our oaths, neither let us any
+more use any of those things, which we persuaded of the presence and
+secret conversation of the Gods among us, daily use and practise:)
+but, I say, if so be that they have not indeed either in general, or
+particular deliberated of any of those things, that happen unto us
+in this world; yet God be thanked, that of those things that
+concern myself, it is lawful for me to deliberate myself, and all my
+deliberation is but concerning that which may be to me most profitable.
+Now that unto every one is most profitable, which is according to his
+own constitution and nature. And my nature is, to be rational in all my
+actions and as a good, and natural member of a city and commonwealth,
+towards my fellow members ever to be sociably and kindly disposed and
+affected. My city and country as I am Antoninus, is Rome; as a man, the
+whole world. Those things therefore that are expedient and profitable to
+those cities, are the only things that are good and expedient for me.
+
+XL. Whatsoever in any kind doth happen to any one, is expedient to the
+whole. And thus much to content us might suffice, that it is expedient
+for the whole in general. But yet this also shalt thou generally
+perceive, if thou dost diligently take heed, that whatsoever doth happen
+to any one man or men.... And now I am content that the word expedient,
+should more generally be understood of those things which we otherwise
+call middle things, or things indifferent; as health, wealth, and the
+like.
+
+XLI. As the ordinary shows of the theatre and of other such places,
+when thou art presented with them, affect thee; as the same things still
+seen, and in the same fashion, make the sight ingrateful and tedious;
+so must all the things that we see all our life long affect us. For all
+things, above and below, are still the same, and from the same causes.
+When then will there be an end?
+
+XLII. Let the several deaths of men of all sorts, and of all sorts of
+professions, and of all sort of nations, be a perpetual object of thy
+thoughts,... so that thou mayst even come down to Philistio, PhΕbus,
+and Origanion. Pass now to other generations. Thither shall we after
+many changes, where so many brave orators are; where so many grave
+philosophers; Heraclitus, Pythagoras, Socrates. Where so many heroes of
+the old times; and then so many brave captains of the latter times; and
+so many kings. After all these, where Eudoxus, Hipparchus, Archimedes;
+where so many other sharp, generous, industrious, subtile, peremptory
+dispositions; and among others, even they, that have been the greatest
+scoffers and deriders of the frailty and brevity of this our human life;
+as Menippus, and others, as many as there have been such as he. Of all
+these consider, that they long since are all dead, and gone. And what do
+they suffer by it! Nay they that have not so much as a name remaining,
+what are they the worse for it? One thing there is, and that only, which
+is worth our while in this world, and ought by us much to be esteemed;
+and that is, according to truth and righteousness, meekly and lovingly
+to converse with false, and unrighteous men.
+
+XLIII. When thou wilt comfort and cheer thyself, call to mind the
+several gifts and virtues of them, whom thou dost daily converse with;
+as for example, the industry of the one; the modesty of another; the
+liberality of a third; of another some other thing. For nothing can so
+much rejoice thee, as the resemblances and parallels of several virtues,
+visible and eminent in the dispositions of those who live with thee;
+especially when, all at once, as near as may be, they represent
+themselves unto thee. And therefore thou must have them always in a
+readiness.
+
+XLIV. Dost thou grieve that thou dost weigh but so many pounds, and not
+three hundred rather? Just as much reason hast thou to grieve that
+thou must live but so many years, and not longer. For as for bulk and
+substance thou dost content thyself with that proportion of it that is
+allotted unto thee, so shouldst thou for time.
+
+XLV. Let us do our best endeavours to persuade them; but however, if
+reason and justice lead thee to it, do it, though they be never so much
+against it. But if any shall by force withstand thee, and hinder thee in
+it, convert thy virtuous inclination from one object unto another, from
+justice to contented equanimity, and cheerful patience: so that what in
+the one is thy hindrance, thou mayst make use of it for the exercise of
+another virtue: and remember that it was with due exception, and
+reservation, that thou didst at first incline and desire. For thou didst
+not set thy mind upon things impossible. Upon what then? that all thy
+desires might ever be moderated with this due kind of reservation. And
+this thou hast, and mayst always obtain, whether the thing desired be in
+thy power or no. And what do I care for more, if that for which I was
+born and brought forth into the world (to rule all my desires with
+reason and discretion) may be?
+
+XLVI. The ambitious supposeth another man's act, praise and applause, to
+be his own happiness; the voluptuous his own sense and feeling; but he
+that is wise, his own action.
+
+XLVII. It is in thy power absolutely to exclude all manner of conceit
+and opinion, as concerning this matter; and by the same means, to
+exclude all grief and sorrow from thy soul. For as for the things and
+objects themselves, they of themselves have no such power, whereby to
+beget and force upon us any opinion at all.
+
+XLVIII. Use thyself when any man speaks unto thee, so to hearken unto
+him, as that in the interim thou give not way to any other thoughts;
+that so thou mayst (as far as is possible) seem fixed and fastened to
+his very soul, whosoever he be that speaks unto thee.
+
+XLIX. That which is not good for the bee-hive, cannot be good for the
+bee.
+
+L. Will either passengers, or patients, find fault and complain, either
+the one if they be well carried, or the others if well cured? Do they
+take care for any more than this; the one, that their shipmaster may
+bring them safe to land, and the other, that their physician may effect
+their recovery?
+
+LI. How many of them who came into the world at the same time when I
+did, are already gone out of it?
+
+LII. To them that are sick of the jaundice, honey seems bitter; and to
+them that are bitten by a mad dog, the water terrible; and to children,
+a little ball seems a fine thing. And why then should I be angry? or
+do I think that error and false opinion is less powerful to make men
+transgress, than either choler, being immoderate and excessive, to cause
+the jaundice; or poison, to cause rage?
+
+LIII. No man can hinder thee to live as thy nature doth require. Nothing
+can happen unto thee, but what the common good of nature doth require.
+
+LIV. What manner of men they be whom they seek to please, and what to
+get, and by what actions: how soon time will cover and bury all things,
+and how many it hath already buried!
+
+
+
+
+THE SEVENTH BOOK
+
+
+I. What is wickedness? It is that which many time and often thou hast
+already seen and known in the world. And so oft as anything doth happen
+that might otherwise trouble thee, let this memento presently come to
+thy mind, that it is that which thou hast already often Seen and known.
+Generally, above and below, thou shalt find but the same things. The
+very same things whereof ancient stories, middle age stories, and fresh
+stories are full whereof towns are full, and houses full. There is
+nothing that is new. All things that are, are both usual and of little
+continuance.
+
+II. What fear is there that thy dogmata, or philosophical resolutions
+and conclusions, should become dead in thee, and lose their proper
+power and efficacy to make thee live happy, as long as those proper
+and correlative fancies, and representations of things on which they
+mutually depend (which continually to stir up and revive is in thy
+power,) are still kept fresh and alive? It is in my power concerning
+this thing that is happened, what soever it be, to conceit that which is
+right and true. If it be, why then am I troubled? Those things that are
+without my understanding, are nothing to it at all: and that is it only,
+which doth properly concern me. Be always in this mind, and thou wilt be
+right.
+
+III. That which most men would think themselves most happy for, and
+would prefer before all things, if the Gods would grant it unto them
+after their deaths, thou mayst whilst thou livest grant unto thyself; to
+live again. See the things of the world again, as thou hast already seen
+them. For what is it else to live again? Public shows and solemnities
+with much pomp and vanity, stage plays, flocks and herds; conflicts
+and contentions: a bone thrown to a company of hungry curs; a bait for
+greedy fishes; the painfulness, and continual burden-bearing of wretched
+ants, the running to and fro of terrified mice: little puppets drawn up
+and down with wires and nerves: these be the objects of the world among
+all these thou must stand steadfast, meekly affected, and free from all
+manner of indignation; with this right ratiocination and apprehension;
+that as the worth is of those things which a man doth affect, so is in
+very deed every man's worth more or less.
+
+IV. Word after word, every one by itself, must the things that are
+spoken be conceived and understood; and so the things that are done,
+purpose after purpose, every one by itself likewise. And as in matter of
+purposes and actions, we must presently see what is the proper use and
+relation of every one; so of words must we be as ready, to consider of
+every one what is the true meaning, and signification of it according to
+truth and nature, however it be taken in common use.
+
+V. Is my reason, and understanding sufficient for this, or no? If it be
+sufficient, without any private applause, or public ostentation as of an
+instrument, which by nature I am provided of, I will make use of it for
+the work in hand, as of an instrument, which by nature I am provided of.
+if it be not, and that otherwise it belong not unto me particularly as
+a private duty, I will either give it over, and leave it to some other
+that can better effect it: or I will endeavour it; but with the help
+of some other, who with the joint help of my reason, is able to bring
+somewhat to pass, that will now be seasonable and useful for the common
+good. For whatsoever I do either by myself, or with some other, the
+only thing that I must intend, is, that it be good and expedient for
+the public. For as for praise, consider how many who once were much
+commended, are now already quite forgotten, yea they that commended
+them, how even they themselves are long since dead and gone. Be not
+therefore ashamed, whensoever thou must use the help of others. For
+whatsoever it be that lieth upon thee to effect, thou must propose it
+unto thyself, as the scaling of walls is unto a soldier. And what if
+thou through either lameness or some other impediment art not able to
+reach unto the top of the battlements alone, which with the help of
+another thou mayst; wilt thou therefore give it over, or go about it
+with less courage and alacrity, because thou canst not effect it all
+alone?
+
+VI. Let not things future trouble thee. For if necessity so require that
+they come to pass, thou shalt (whensoever that is) be provided for them
+with the same reason, by which whatsoever is now present, is made both
+tolerable and acceptable unto thee. All things are linked and knitted
+together, and the knot is sacred, neither is there anything in the
+world, that is not kind and natural in regard of any other thing, or,
+that hath not some kind of reference and natural correspondence with
+whatsoever is in the world besides. For all things are ranked together,
+and by that decency of its due place and order that each particular
+doth observe, they all concur together to the making of one and the same
+ΞΊα½ΉΟΞΌΞΏΟ or world: as if you said, a comely piece, or an orderly
+composition. For all things throughout, there is but one and the same
+order; and through all things, one and the same God, the same substance
+and the same law. There is one common reason, and one common truth, that
+belongs unto all reasonable creatures, for neither is there save one
+perfection of all creatures that are of the same kind, and partakers of
+the same reason.
+
+VII. Whatsoever is material, doth soon vanish away into the common
+substance of the whole; and whatsoever is formal, or, whatsoever doth
+animate that which is material, is soon resumed into the common reason
+of the whole; and the fame and memory of anything, is soon swallowed up
+by the general age and duration of the whole.
+
+VIII. To a reasonable creature, the same action is both according
+to nature, and according to reason.
+
+IX. Straight of itself, not made straight.
+
+X. As several members in one body united, so are reasonable creatures
+in a body divided and dispersed, all made and prepared for one common
+operation. And this thou shalt apprehend the better, if thou shalt use
+thyself often to say to thyself, I am μέλοΟ, or a member of the mass and
+body of reasonable substances. But if thou shalt say I am ΞΌα½³ΟΞΏΟ, or
+a part, thou dost not yet love men from thy heart. The joy that thou
+takest in the exercise of bounty, is not yet grounded upon a due
+ratiocination and right apprehension of the nature of things. Thou dost
+exercise it as yet upon this ground barely, as a thing convenient and
+fitting; not, as doing good to thyself, when thou dost good unto others.
+
+XI. Of things that are external, happen what will to that which can
+suffer by external accidents. Those things that suffer let them complain
+themselves, if they will; as for me, as long as I conceive no such
+thing, that that which is happened is evil, I have no hurt; and it is in
+my power not to conceive any such thing.
+
+XII. Whatsoever any man either doth or saith, thou must be good; not for
+any man's sake, but for thine own nature's sake; as if either gold, or
+the emerald, or purple, should ever be saying to themselves, Whatsoever
+any man either doth or saith, I must still be an emerald, and I must
+keep my colour.
+
+XIII. This may ever be my comfort and security: my understanding, that
+ruleth over all, will not of itself bring trouble and vexation upon
+itself. This I say; it will not put itself in any fear, it will not lead
+itself into any concupiscence. If it be in the power of any other to
+compel it to fear, or to grieve, it is free for him to use his power.
+But sure if itself do not of itself, through some false opinion or
+supposition incline itself to any such disposition; there is no fear.
+For as for the body, why should I make the grief of my body, to be the
+grief of my mind? If that itself can either fear or complain, let it.
+But as for the soul, which indeed, can only be truly sensible of either
+fear or grief; to which only it belongs according to its different
+imaginations and opinions, to admit of either of these, or of their
+contraries; thou mayst look to that thyself, that it suffer nothing.
+Induce her not to any such opinion or persuasion. The understanding
+is of itself sufficient unto itself, and needs not (if itself doth not
+bring itself to need) any other thing besides itself, and by consequent
+as it needs nothing, so neither can it be troubled or hindered by
+anything, if itself doth not trouble and hinder itself.
+
+XIV. What is Ξ΅α½Ξ΄Ξ±ΞΉΞΌΞΏΞ½α½·Ξ±, or happiness: but αΌΞ³Ξ±ΞΈα½ΈΟ δαίμΟΞ½, or, a good
+dæmon, or spirit? What then dost thou do here, O opinion? By the Gods
+I adjure thee, that thou get thee gone, as thou earnest: for I need thee
+not. Thou earnest indeed unto me according to thy ancient wonted manner.
+It is that, that all men have ever been subject unto. That thou camest
+therefore I am not angry with thee, only begone, now that I have found
+thee what thou art.
+
+XV. Is any man so foolish as to fear change, to which all things that
+once were not owe their being? And what is it, that is more pleasing and
+more familiar to the nature of the universe? How couldst thou thyself
+use thy ordinary hot baths, should not the wood that heateth them first
+be changed? How couldst thou receive any nourishment from those things
+that thou hast eaten, if they should not be changed? Can anything
+else almost (that is useful and profitable) be brought to pass without
+change? How then dost not thou perceive, that for thee also, by death,
+to come to change, is a thing of the very same nature, and as necessary
+for the nature of the universe?
+
+XVI. Through the substance of the universe, as through a torrent pass
+all particular bodies, being all of the same nature, and all joint
+workers with the universe itself as in one of our bodies so many
+members among themselves. How many such as Chrysippus, how many such
+as Socrates, how many such as Epictetus, hath the age of the world
+long since swallowed up and devoured? Let this, be it either men or
+businesses, that thou hast occasion to think of, to the end that thy
+thoughts be not distracted and thy mind too earnestly set upon anything,
+upon every such occasion presently come to thy mind. Of all my thoughts
+and cares, one only thing shall be the object, that I myself do nothing
+which to the proper constitution of man, (either in regard of the
+thing itself, or in regard of the manner, or of the time of doing,)
+is contrary. The time when thou shalt have forgotten all things, is
+at hand. And that time also is at hand, when thou thyself shalt be
+forgotten by all. Whilst thou art, apply thyself to that especially
+which unto man as he is a mart, is most proper and agreeable, and that
+is, for a man even to love them that transgress against him. This shall
+be, if at the same time that any such thing doth happen, thou call
+to mind, that they are thy kinsmen; that it is through ignorance and
+against their wills that they sin; and that within a very short while
+after, both thou and he shall be no more. But above all things, that he
+hath not done thee any hurt; for that by him thy mind and understanding
+is not made worse or more vile than it was before.
+
+XVII. The nature of the universe, of the common substance of all things
+as it were of so much wax hath now perchance formed a horse; and then,
+destroying that figure, hath new tempered and fashioned the matter of it
+into the form and substance of a tree: then that again into the form and
+substance of a man: and then that again into some other. Now every one
+of these doth subsist but for a very little while. As for dissolution,
+if it be no grievous thing to the chest or trunk, to be joined together;
+why should it be more grievous to be put asunder?
+
+XVIII. An angry countenance is much against nature, and it is oftentimes
+the proper countenance of them that are at the point of death. But were
+it so, that all anger and passion were so thoroughly quenched in thee,
+that it were altogether impossible to kindle it any more, yet herein
+must not thou rest satisfied, but further endeavour by good consequence
+of true ratiocination, perfectly to conceive and understand, that all
+anger and passion is against reason. For if thou shalt not be sensible
+of thine innocence; if that also shall be gone from thee, the comfort of
+a good conscience, that thou doest all things according to reason: what
+shouldest thou live any longer for? All things that now thou seest,
+are but for a moment. That nature, by which all things in the world are
+administered, will soon bring change and alteration upon them, and then
+of their substances make other things like unto them: and then soon
+after others again of the matter and substance of these: that so by
+these means, the world may still appear fresh and new.
+
+XIX. Whensoever any man doth trespass against other, presently consider
+with thyself what it was that he did suppose to be good, what to be
+evil, when he did trespass. For this when thou knowest, thou wilt pity
+him thou wilt have no occasion either to wonder, or to be angry. For
+either thou thyself dust yet live in that error and ignorance, as that
+thou dust suppose either that very thing that he doth, or some other
+like worldly thing, to be good; and so thou art bound to pardon him if
+he have done that which thou in the like case wouldst have done thyself.
+Or if so be that thou dost not any more suppose the same things to be
+good or evil, that he doth; how canst thou but be gentle unto him that
+is in an error?
+
+XX. Fancy not to thyself things future, as though they were present
+but of those that are present, take some aside, that thou takest most
+benefit of, and consider of them particularly, how wonderfully thou
+wouldst want them, if they were not present. But take heed withal, lest
+that whilst thou dust settle thy contentment in things present, thou
+grow in time so to overprize them, as that the want of them (whensoever
+it shall so fall out) should be a trouble and a vexation unto thee. Wind
+up thyself into thyself. Such is the nature of thy reasonable
+commanding part, as that if it exercise justice, and have by that means
+tranquillity within itself, it doth rest fully satisfied with itself
+without any other thing.
+
+XXI. Wipe off all opinion stay the force and violence of unreasonable
+lusts and affections: circumscribe the present time examine whatsoever
+it be that is happened, either to thyself or to another: divide all
+present objects, either in that which is formal or material think of the
+last hour. That which thy neighbour hath committed, where the guilt of
+it lieth, there let it rest. Examine in order whatsoever is spoken. Let
+thy mind penetrate both into the effects, and into the causes. Rejoice
+thyself with true simplicity, and modesty; and that all middle things
+between virtue and vice are indifferent unto thee. Finally, love
+mankind; obey God.
+
+XXII. All things (saith he) are by certain order and appointment. And
+what if the elements only.
+
+It will suffice to remember, that all things in general are by certain
+order and appointment: or if it be but few. And as concerning death,
+that either dispersion, or the atoms, or annihilation, or extinction,
+or translation will ensue. And as concerning pain, that that which is
+intolerable is soon ended by death; and that which holds long must needs
+be tolerable; and that the mind in the meantime (which is all in all)
+may by way of interclusion, or interception, by stopping all manner of
+commerce and sympathy with the body, still retain its own tranquillity.
+Thy understanding is not made worse by it. As for those parts that
+suffer, let them, if they can, declare their grief themselves. As for
+praise and commendation, view their mind and understanding, what estate
+they are in; what kind of things they fly, and what things they seek
+after: and that as in the seaside, whatsoever was before to be seen,
+is by the continual succession of new heaps of sand cast up one upon
+another, soon hid and covered; so in this life, all former things by
+those which immediately succeed.
+
+XXIII. Out of Plato. 'He then whose mind is endowed with true
+magnanimity, who hath accustomed himself to the contemplation both of
+all times, and of all things in general; can this mortal life (thinkest
+thou) seem any great matter unto him? It is not possible, answered he.
+Then neither will such a one account death a grievous thing? By no
+means.'
+
+XXIV. Out of Antisthenes. 'It is a princely thing to do well, and to be
+ill-spoken of. It is a shameful thing that the face should be subject
+unto the mind, to be put into what shape it will, and to be dressed by
+it as it will; and that the mind should not bestow so much care upon
+herself, as to fashion herself, and to dress herself as best becometh
+her.'
+
+XXV. Out of several poets and comics. 'It will but little avail thee,
+to turn thine anger and indignation upon the things themselves that have
+fallen across unto thee. For as for them, they are not sensible of it,
+&c. Thou shalt but make thyself a laughing-stock; both unto the Gods and
+men, &c. Our life is reaped like a ripe ear of corn; one is yet
+standing and another is down, &c. But if so be that I and my children be
+neglected by the gods, there is some reason even for that, &c. As long
+as right and equity is of my side, &c. Not to lament with them, not to
+tremble, &c.'
+
+XXVI. Out of Plato. 'My answer, full of justice and equity, should be
+this: Thy speech is not right, O man! if thou supposest that he that is
+of any worth at all, should apprehend either life or death, as a matter
+of great hazard and danger; and should not make this rather his only
+care, to examine his own actions, whether just or unjust: whether
+actions of a good, or of a wicked man, &c. For thus in very truth stands
+the case, O ye men of Athens. What place or station soever a man either
+hath chosen to himself, judging it best for himself; or is by lawful
+authority put and settled in, therein do I think (all appearance of
+danger notwithstanding) that he should continue, as one who feareth
+neither death, nor anything else, so much as he feareth to commit
+anything that is vicious and shameful, &c. But, O noble sir, consider
+I pray, whether true generosity and true happiness, do not consist in
+somewhat else rather, than in the preservation either of our, or other
+men's lives. For it is not the part of a man that is a man indeed, to
+desire to live long or to make much of his life whilst he liveth: but
+rather (he that is such) will in these things wholly refer himself unto
+the Gods, and believing that which every woman can tell him, that no man
+can escape death; the only thing that he takes thought and care for is
+this, that what time he liveth, he may live as well and as virtuously
+as he can possibly, &c. To look about, and with the eyes to follow the
+course of the stars and planets as though thou wouldst run with them;
+and to mind perpetually the several changes of the elements one into
+another. For such fancies and imaginations, help much to purge away
+the dross and filth of this our earthly life,' &c. That also is a fine
+passage of Plato's, where he speaketh of worldly things in these words:
+'Thou must also as from some higher place look down, as it were, upon
+the things of this world, as flocks, armies, husbandmen's labours,
+marriages, divorces, generations, deaths: the tumults of courts and
+places of judicatures; desert places; the several nations of barbarians,
+public festivals, mournings, fairs, markets.' How all things upon earth
+are pell-mell; and how miraculously things contrary one to another,
+concur to the beauty and perfection of this universe.
+
+XXVII. To look back upon things of former ages, as upon the manifold
+changes and conversions of several monarchies and commonwealths. We
+may also foresee things future, for they shall all be of the same kind;
+neither is it possible that they should leave the tune, or break the
+concert that is now begun, as it were, by these things that are now done
+and brought to pass in the world. It comes all to one therefore, whether
+a man be a spectator of the things of this life but forty years, or
+whether he see them ten thousand years together: for what shall he
+see more? 'And as for those parts that came from the earth, they shall
+return unto the earth again; and those that came from heaven, they
+also shall return unto those heavenly places.' Whether it be a mere
+dissolution and unbinding of the manifold intricacies and entanglements
+of the confused atoms; or some such dispersion of the simple and
+incorruptible elements... 'With meats and drinks and divers charms, they
+seek to divert the channel, that they might not die. Yet must we needs
+endure that blast of wind that cometh from above, though we toil and
+labour never so much.'
+
+XXVIII. He hath a stronger body, and is a better wrestler than I. What
+then? Is he more bountiful? is he more modest? Doth he bear all adverse
+chances with more equanimity: or with his neighbour's offences with more
+meekness and gentleness than I?
+
+XXIX. Where the matter may be effected agreeably to that reason, which
+both unto the Gods and men is common, there can be no just cause of
+grief or sorrow. For where the fruit and benefit of an action well begun
+and prosecuted according to the proper constitution of man may be reaped
+and obtained, or is sure and certain, it is against reason that any
+damage should there be suspected. In all places, and at all times, it is
+in thy power religiously to embrace whatsoever by God's appointment is
+happened unto thee, and justly to converse with those men, whom thou
+hast to do with, and accurately to examine every fancy that presents
+itself, that nothing may slip and steal in, before thou hast rightly
+apprehended the true nature of it.
+
+XXX. Look not about upon other men's minds and understandings; but look
+right on forwards whither nature, both that of the universe, in those
+things that happen unto thee; and thine in particular, in those things
+that are done by thee: doth lead, and direct thee. Now every one is
+bound to do that, which is consequent and agreeable to that end which
+by his true natural constitution he was ordained unto. As for all other
+things, they are ordained for the use of reasonable creatures: as in all
+things we see that that which is worse and inferior, is made for
+that which is better. Reasonable creatures, they are ordained one for
+another. That therefore which is chief in every man's constitution, is,
+that he intend the common good. The second is, that he yield not to any
+lusts and motions of the flesh. For it is the part and privilege of the
+reasonable and intellective faculty, that she can so bound herself,
+as that neither the sensitive, nor the appetitive faculties, may not
+anyways prevail upon her. For both these are brutish. And therefore over
+both she challengeth mastery, and cannot anyways endure, if in her right
+temper, to be subject unto either. And this indeed most justly. For
+by nature she was ordained to command all in the body. The third
+thing proper to man by his constitution, is, to avoid all rashness and
+precipitancy; and not to be subject to error. To these things then, let
+the mind apply herself and go straight on, without any distraction about
+other things, and she hath her end, and by consequent her happiness.
+
+XXXI. As one who had lived, and were now to die by right, whatsoever is
+yet remaining, bestow that wholly as a gracious overplus upon a virtuous
+life. Love and affect that only, whatsoever it be that happeneth, and is
+by the fates appointed unto thee. For what can be more reasonable? And
+as anything doth happen unto thee by way of cross, or calamity, call
+to mind presently and set before thine eyes, the examples of some other
+men, to whom the self-same thing did once happen likewise. Well, what
+did they? They grieved; they wondered; they complained. And where are
+they now? All dead and gone. Wilt thou also be like one of them?
+Or rather leaving to men of the world (whose life both in regard of
+themselves, and them that they converse with, is nothing but mere
+mutability; or men of as fickle minds, as fickle bodies; ever changing
+and soon changed themselves) let it be thine only care and study, how to
+make a right use of all such accidents. For there is good use to be made
+of them, and they will prove fit matter for thee to work upon, if it
+shall be both thy care and thy desire, that whatsoever thou doest, thou
+thyself mayst like and approve thyself for it. And both these, see,
+that thou remember well, according as the diversity of the matter of
+the action that thou art about shall require. Look within; within is the
+fountain of all good. Such a fountain, where springing waters can never
+fail, so thou dig still deeper and deeper.
+
+XXXII. Thou must use thyself also to keep thy body fixed and steady;
+free from all loose fluctuant either motion, or posture. And as upon thy
+face and looks, thy mind hath easily power over them to keep them to
+that which is grave and decent; so let it challenge the same power over
+the whole body also. But so observe all things in this kind, as that it
+be without any manner of affectation.
+
+XXXIII. The art of true living in this world is more like a wrestler's,
+than a dancer's practice. For in this they both agree, to teach a man
+whatsoever falls upon him, that he may be ready for it, and that nothing
+may cast him down.
+
+XXXIV. Thou must continually ponder and consider with thyself, what
+manner of men they be, and for their minds and understandings what is
+their present estate, whose good word and testimony thou dost desire.
+For then neither wilt thou see cause to complain of them that offend
+against their wills; or find any want of their applause, if once
+thou dost but penetrate into the true force and ground both of their
+opinions, and of their desires. 'No soul (saith he) is willingly bereft
+of the truth,' and by consequent, neither of justice, or temperance, or
+kindness, and mildness; nor of anything that is of the same kind. It is
+most needful that thou shouldst always remember this. For so shalt thou
+be far more gentle and moderate towards all men.
+
+XXXV. What pain soever thou art in, let this presently come to thy mind,
+that it is not a thing whereof thou needest to be ashamed, neither is it
+a thing whereby thy understanding, that hath the government of all,
+can be made worse. For neither in regard of the substance of it, nor
+in regard of the end of it (which is, to intend the common good) can
+it alter and corrupt it. This also of Epicurus mayst thou in most pains
+find some help of, that it is 'neither intolerable, nor eternal;' so
+thou keep thyself to the true bounds and limits of reason and give not
+way to opinion. This also thou must consider, that many things there be,
+which oftentimes unsensibly trouble and vex thee, as not armed against
+them with patience, because they go not ordinarily under the name of
+pains, which in very deed are of the same nature as pain; as to slumber
+unquietly, to suffer heat, to want appetite: when therefore any of these
+things make thee discontented, check thyself with these words: Now hath
+pain given thee the foil; thy courage hath failed thee.
+
+XXXVI. Take heed lest at any time thou stand so affected, though towards
+unnatural evil men, as ordinary men are commonly one towards another.
+
+XXXVII. How know we whether Socrates were so eminent indeed, and of so
+extraordinary a disposition? For that he died more gloriously, that he
+disputed with the Sophists more subtilty; that he watched in the frost
+more assiduously; that being commanded to fetch innocent Salaminius, he
+refused to do it more generously; all this will not serve. Nor that he
+walked in the streets, with much gravity and majesty, as was objected
+unto him by his adversaries: which nevertheless a man may well doubt of,
+whether it were so or no, or, which above all the rest, if so be that
+it were true, a man would well consider of, whether commendable, or
+dis-commendable. The thing therefore that we must inquire into, is this;
+what manner of soul Socrates had: whether his disposition was such; as
+that all that he stood upon, and sought after in this world, was barely
+this, that he might ever carry himself justly towards men, and holily
+towards the Gods. Neither vexing himself to no purpose at the wickedness
+of others, nor yet ever condescending to any man's evil fact, or evil
+intentions, through either fear, or engagement of friendship. Whether of
+those things that happened unto him by God's appointment, he neither did
+wonder at any when it did happen, or thought it intolerable in the trial
+of it. And lastly, whether he never did suffer his mind to sympathise
+with the senses, and affections of the body. For we must not think that
+Nature hath so mixed and tempered it with the body, as that she hath not
+power to circumscribe herself, and by herself to intend her own ends and
+occasions.
+
+XXXVIII. For it is a thing very possible, that a man should be a very
+divine man, and yet be altogether unknown. This thou must ever be
+mindful of, as of this also, that a man's true happiness doth consist
+in very few things. And that although thou dost despair, that thou shalt
+ever be a good either logician, or naturalist, yet thou art never the
+further off by it from being either liberal, or modest, or charitable,
+or obedient unto God.
+
+XXXIX. Free from all compulsion in all cheerfulness and alacrity thou
+mayst run out thy time, though men should exclaim against thee never so
+much, and the wild beasts should pull in sunder the poor members of thy
+pampered mass of flesh. For what in either of these or the like cases
+should hinder the mind to retain her own rest and tranquillity,
+consisting both in the right judgment of those things that happen unto
+her, and in the ready use of all present matters and occasions? So that
+her judgment may say, to that which is befallen her by way of cross:
+this thou art in very deed, and according to thy true nature:
+notwithstanding that in the judgment of opinion thou dust appear
+otherwise: and her discretion to the present object; thou art that,
+which I sought for. For whatsoever it be, that is now present, shall
+ever be embraced by me as a fit and seasonable object, both for my
+reasonable faculty, and for my sociable, or charitable inclination to
+work upon. And that which is principal in this matter, is that it may be
+referred either unto the praise of God, or to the good of men. For
+either unto God or man, whatsoever it is that doth happen in the world
+hath in the ordinary course of nature its proper reference; neither is
+there anything, that in regard of nature is either new, or reluctant and
+intractable, but all things both usual and easy.
+
+XL. Then hath a man attained to the estate of perfection in his life and
+conversation, when he so spends every day, as if it were his last day:
+never hot and vehement in his affections, nor yet so cold and stupid as
+one that had no sense; and free from all manner of dissimulation.
+
+XLI. Can the Gods, who are immortal, for the continuance of so many ages
+bear without indignation with such and so many sinners, as have ever
+been, yea not only so, but also take such care for them, that they want
+nothing; and dust thou so grievously take on, as one that could bear
+with them no longer; thou that art but for a moment of time? yea thou
+that art one of those sinners thyself? A very ridiculous thing it is,
+that any man should dispense with vice and wickedness in himself, which
+is in his power to restrain; and should go about to suppress it in
+others, which is altogether impossible.
+
+XLII. What object soever, our reasonable and sociable faculty doth meet
+with, that affords nothing either for the satisfaction of reason, or for
+the practice of charity, she worthily doth think unworthy of herself.
+
+XLIII. When thou hast done well, and another is benefited by thy action,
+must thou like a very fool look for a third thing besides, as that
+it may appear unto others also that thou hast done well, or that thou
+mayest in time, receive one good turn for another? No man useth to be
+weary of that which is beneficial unto him. But every action according
+to nature, is beneficial. Be not weary then of doing that which is
+beneficial unto thee, whilst it is so unto others.
+
+XLIV. The nature of the universe did once certainly before it was
+created, whatsoever it hath done since, deliberate and so resolve upon
+the creation of the world. Now since that time, whatsoever it is, that
+is and happens in the world, is either but a consequent of that one and
+first deliberation: or if so be that this ruling rational part of the
+world, takes any thought and care of things particular, they are surely
+his reasonable and principal creatures, that are the proper object of
+his particular care and providence. This often thought upon, will much
+conduce to thy tranquillity.
+
+
+
+
+THE EIGHTH BOOK
+
+
+I. This also, among other things, may serve to keep thee from vainglory;
+if thou shalt consider, that thou art now altogether incapable of the
+commendation of one, who all his life long, or from his youth at least,
+hath lived a philosopher's life. For both unto others, and to thyself
+especially, it is well known, that thou hast done many things contrary
+to that perfection of life. Thou hast therefore been confounded in thy
+course, and henceforth it will be hard for thee to recover the title and
+credit of a philosopher. And to it also is thy calling and profession
+repugnant. If therefore thou dost truly understand, what it is that is
+of moment indeed; as for thy fame and credit, take no thought or care
+for that: let it suffice thee if all the rest of thy life, be it more or
+less, thou shalt live as thy nature requireth, or according to the true
+and natural end of thy making. Take pains therefore to know what it is
+that thy nature requireth, and let nothing else distract thee. Thou
+hast already had sufficient experience, that of those many things that
+hitherto thou hast erred and wandered about, thou couldst not find
+happiness in any of them. Not in syllogisms, and logical subtilties, not
+in wealth, not in honour and reputation, not in pleasure. In none of all
+these. Wherein then is it to be found? In the practice of those things,
+which the nature of man, as he is a man, doth require. How then shall
+he do those things? if his dogmata, or moral tenets and opinions (from
+which all motions and actions do proceed), be right and true. Which be
+those dogmata? Those that concern that which is good or evil, as that
+there is nothing truly good and beneficial unto man, but that which
+makes him just, temperate, courageous, liberal; and that there is
+nothing truly evil and hurtful unto man, but that which causeth the
+contrary effects.
+
+II. Upon every action that thou art about, put this question to thyself;
+How will this when it is done agree with me? Shall I have no occasion
+to repent of it? Yet a very little while and I am dead and gone; and
+all things are at end. What then do I care for more than this, that my
+present action whatsoever it be, may be the proper action of one that
+is reasonable; whose end is, the common good; who in all things is ruled
+and governed by the same law of right and reason, by which God Himself
+is.
+
+III. Alexander, Caius, Pompeius; what are these to Diogenes, Heraclitus,
+and Socrates? These penetrated into the true nature of things; into all
+causes, and all subjects: and upon these did they exercise their power
+and authority. But as for those, as the extent of their error was, so
+far did their slavery extend.
+
+IV. What they have done, they will still do, although thou shouldst hang
+thyself. First; let it not trouble thee. For all things both good and
+evil: come to pass according to the nature and general condition of the
+universe, and within a very little while, all things will be at an
+end; no man will be remembered: as now of Africanus (for example) and
+Augustus it is already come to pass. Then secondly; fix thy mind upon
+the thing itself; look into it, and remembering thyself, that thou art
+bound nevertheless to be a good man, and what it is that thy nature
+requireth of thee as thou art a man, be not diverted from what thou art
+about, and speak that which seemeth unto thee most just: only speak it
+kindly, modestly, and without hypocrisy.
+
+V. That which the nature of the universe doth busy herself about, is;
+that which is here, to transfer it thither, to change it, and thence
+again to take it away, and to carry it to another place. So that thou
+needest not fear any new thing. For all things are usual and ordinary;
+and all things are disposed by equality.
+
+VI. Every particular nature hath content, when in its own proper course
+it speeds. A reasonable nature doth then speed, when first in matter of
+fancies and imaginations, it gives no consent to that which is either
+false uncertain. Secondly, when in all its motions and resolutions it
+takes its level at the common good only, and that it desireth nothing,
+and flieth from nothing, bet what is in its own power to compass or
+avoid. And lastly, when it willingly and gladly embraceth, whatsoever is
+dealt and appointed unto it by the common nature. For it is part of it;
+even as the nature of any one leaf, is part of the common nature of all
+plants and trees. But that the nature of a leaf, is part of a nature
+both unreasonable and unsensible, and which in its proper end may be
+hindered; or, which is servile and slavish: whereas the nature of man is
+part of a common nature which cannot be hindered, and which is both
+reasonable and just. From whence also it is, that according to the
+worth of everything, she doth make such equal distribution of all
+things, as of duration, substance form, operation, and of events and
+accidents. But herein consider not whether thou shalt find this equality
+in everything absolutely and by itself; but whether in all the
+particulars of some one thing taken together, and compared with all the
+particulars of some other thing, and them together likewise.
+
+VII. Thou hast no time nor opportunity to read. What then? Hast thou
+not time and opportunity to exercise thyself, not to wrong thyself; to
+strive against all carnal pleasures and pains, and to get the upper hand
+of them; to contemn honour and vainglory; and not only, not to be angry
+with them, whom towards thee thou doest find unsensible and unthankful;
+but also to have a care of them still, and of their welfare?
+
+VIII. Forbear henceforth to complain of the trouble of a courtly life,
+either in public before others, or in private by thyself.
+
+IX. Repentance is an inward and self-reprehension for the neglect or
+omission of somewhat that was profitable. Now whatsoever is good, is
+also profitable, and it is the part of an honest virtuous man to set by
+it, and to make reckoning of it accordingly. But never did any honest
+virtuous man repent of the neglect or omission of any carnal pleasure:
+no carnal pleasure then is either good or profitable.
+
+X. This, what is it in itself, and by itself, according to its proper
+constitution? What is the substance of it? What is the matter, or proper
+use? What is the form or efficient cause? What is it for in this world,
+and how long will it abide? Thus must thou examine all things, that
+present themselves unto thee.
+
+XI. When thou art hard to be stirred up and awaked out of thy sleep,
+admonish thyself and call to mind, that, to perform actions tending to
+the common good is that which thine own proper constitution, and
+that which the nature of man do require. But to sleep, is common to
+unreasonable creatures also. And what more proper and natural, yea what
+more kind and pleasing, than that which is according to nature?
+
+XII. As every fancy and imagination presents itself unto thee, consider
+(if it be possible) the true nature, and the proper qualities of it, and
+reason with thyself about it.
+
+XIII. At thy first encounter with any one, say presently to thyself:
+This man, what are his opinions concerning that which is good or evil?
+as concerning pain, pleasure, and the causes of both; concerning honour,
+and dishonour, concerning life and death? thus and thus. Now if it be
+no wonder that a man should have such and such opinions, how can it be
+a wonder that he should do such and such things? I will remember then,
+that he cannot but do as he doth, holding those opinions that he doth.
+Remember, that as it is a shame for any man to wonder that a fig tree
+should bear figs, so also to wonder that the world should bear anything,
+whatsoever it is which in the ordinary course of nature it may bear.
+To a physician also and to a pilot it is a shame either for the one to
+wonder, that such and such a one should have an ague; or for the other,
+that the winds should prove Contrary.
+
+XIV. Remember, that to change thy mind upon occasion, and to follow him
+that is able to rectify thee, is equally ingenuous, as to find out at
+the first, what is right and just, without help. For of thee nothing is
+required, ti, is beyond the extent of thine own deliberation and jun.
+merit, and of thine own understanding.
+
+XV. If it were thine act and in thine own power, wouldest thou do
+it? If it were not, whom dost tin accuse? the atoms, or the Gods? For to
+do either, the part of a mad man. Thou must therefore blame nobody, but
+if it be in thy power, redress what is amiss; if it be not, to what end
+is it to complain? For nothing should be done but to some certain end.
+
+XVI. Whatsoever dieth and falleth, however and wheresoever it die
+and fall, it cannot fall out of the world, here it have its abode
+and change, here also shall it have its dissolution into its proper
+elements. The same are the world's elements, and the elements of which
+thou dost consist. And they when they are changed, they murmur not; why
+shouldest thou?
+
+XVII. Whatsoever is, was made for something: as a horse, a vine. Why
+wonderest thou? The sun itself will say of itself, I was made for
+something; and so hath every god its proper function. What then were
+then made for? to disport and delight thyself? See how even common sense
+and reason cannot brook it.
+
+XVIII. Nature hath its end as well in the end and final consummation of
+anything that is, as in the begin-nine and continuation of it.
+
+XIX. As one that tosseth up a ball. And what is a ball the better, if
+the motion of it be upwards; or the worse if it be downwards; or if it
+chance to fall upon the ground? So for the bubble; if it continue, what
+it the better? and if it dissolve, what is it the worse And so is it of
+a candle too. And so must thou reason with thyself, both in matter of
+fame, and in matter of death. For as for the body itself, (the subject
+of death) wouldest thou know the vileness of it? Turn it about that
+thou mayest behold it the worst sides upwards as well, as in its more
+ordinary pleasant shape; how doth it look, when it is old and withered?
+when sick and pained? when in the act of lust, and fornication? And
+as for fame. This life is short. Both he that praiseth, and he that is
+praised; he that remembers, and he that is remembered, will soon be dust
+and ashes. Besides, it is but in one corner of this part of the world
+that thou art praised; and yet in this corner, thou hast not the joint
+praises of all men; no nor scarce of any one constantly. And yet the
+whole earth itself, what is it but as one point, in regard of the whole
+world?
+
+XX. That which must be the subject of thy consideration, is either the
+matter itself, or the dogma, or the operation, or the true sense and
+signification.
+
+XXI. Most justly have these things happened unto thee: why dost not
+thou amend? O but thou hadst rather become good to-morrow, than to be
+so to-day.
+
+XXII. Shall I do it? I will; so the end of my action be to do good unto
+men. Doth anything by way of cross or adversity happen unto me? I accept
+it, with reference unto the Gods, and their providence; the fountain of
+all things, from which whatsoever comes to pass, doth hang and depend.
+
+XXIII. By one action judge of the rest: this bathing which usually takes
+up so much of our time, what is it? Oil, sweat, filth; or the sordes of
+the body: an excrementitious viscosity, the excrements of oil and other
+ointments used about the body, and mixed with the sordes of the body:
+all base and loathsome. And such almost is every part of our life;
+and every worldly object.
+
+XXIV. Lucilla buried Verus; then was Lucilla herself buried by others.
+So Secunda Maximus, then Secunda herself. So Epitynchanus, Diotimus;
+then Epitynchanus himself. So Antoninus Pius, Faustina his wife; then
+Antoninus himself. This is the course of the world. First Celer,
+Adrianus; then Adrianus himself. And those austere ones; those that
+foretold other men's deaths; those that were so proud and stately, where
+are they now? Those austere ones I mean, such as were Charax, and
+Demetrius the Platonic, and Eudaemon, and others like unto those. They
+were all but for one day; all dead and gone long since. Some of them no
+sooner dead, than forgotten. Others soon turned into fables. Of others,
+even that which was fabulous, is now long since forgotten. This
+thereafter thou must remember, that whatsoever thou art compounded of,
+shall soon be dispersed, and that thy life and breath, or thy soul,
+shall either be no more or shall ranslated (sp.), and appointed to some
+certain place and station.
+
+XXV. The true joy of a man, is to do that which properly belongs unto a
+man. That which is most proper unto a man, is, first, to be kindly
+affected towards them that are of the same kind and nature as he is
+himself to contemn all sensual motions and appetites, to discern rightly
+all plausible fancies and imaginations, to contemplate the nature of the
+universe; both it, and things that are done in it. In which kind of
+contemplation three several relations are to be observed The first, to
+the apparent secondary cause. The Second to the first original cause,
+God, from whom originally proceeds whatsoever doth happen in the world.
+The third and last, to them that we live and converse with: what use may
+be made of it, to their use and benefit.
+
+XXVI. If pain be an evil, either it is in regard of the body; (and that
+cannot be, because the body of itself is altogether insensible:) or in
+regard of the soul But it is in the power of the soul, to preserve her
+own peace and tranquillity, and not to suppose that pain is evil. For
+all judgment and deliberation; all prosecution, or aversation is from
+within, whither the sense of evil (except it be let in by opinion)
+cannot penetrate.
+
+XXVII. Wipe off all idle fancies, and say unto thyself incessantly; Now
+if I will, it is in my power to keep out of this my soul all wickedness,
+all lust, and concupiscences, all trouble and confusion. But on the
+contrary to behold and consider all things according to their true
+nature, and to carry myself towards everything according to its true
+worth. Remember then this thy power that nature hath given thee.
+
+XXVIII. Whether thou speak in the Senate or whether thou speak to any
+particular, let thy speech In always grave and modest. But thou must
+not openly and vulgarly observe that sound and exact form of speaking,
+concerning that which is truly good and truly civil; the vanity of
+the world, and of worldly men: which otherwise truth and reason doth
+prescribe.
+
+XXIX. Augustus his court; his wife, his daughter, his nephews, his
+sons-in-law his sister, Agrippa, his kinsmen, his domestics, his
+friends; Areus, Mæcenas, his slayers of beasts for sacrifice and
+divination: there thou hast the death of a whole court together. Proceed
+now on to the rest that have been since that of Augustus. Hath death
+dwelt with them otherwise, though so many and so stately whilst they
+lived, than it doth use to deal with any one particular man? Consider
+now the death of a whole kindred and family, as of that of the Pompeys,
+as that also that useth to be written upon some monuments, HE WAS THE
+LAST OF HIS OWN KINDRED. O what care did his predecessors take, that
+they might leave a successor, yet behold at last one or other must of
+necessity be THE LAST. Here again therefore consider the death of a
+whole kindred.
+
+XXX. Contract thy whole life to the measure and proportion of one single
+action. And if in every particular action thou dost perform what is
+fitting to the utmost of thy power, let it suffice thee. And who can
+hinder thee, but that thou mayest perform what is fitting? But there may
+be some outward let and impediment. Not any, that can hinder thee, but
+that whatsoever thou dost, thou may do it, justly, temperately, and
+with the praise of God. Yea, but there may be somewhat, whereby some
+operation or other of thine may be hindered. And then, with that very
+thing that doth hinder, thou mayest he well pleased, and so by this
+gentle and equanimious conversion of thy mind unto that which may be,
+instead of that which at first thou didst intend, in the room of that
+former action there succeedeth another, which agrees as well with this
+contraction of thy life, that we now speak of.
+
+XXXI. Receive temporal blessings without ostentation, when they are sent
+and thou shalt be able to part with them with all readiness and facility
+when they are taken from thee again.
+
+XXXII. If ever thou sawest either a hand, or a foot, or a head lying by
+itself, in some place or other, as cut off from the rest of the body,
+such must thou conceive him to make himself, as much as in him lieth,
+that either is offended with anything that is happened, (whatsoever it
+be) and as it were divides himself from it: or that commits anything
+against the natural law of mutual correspondence, and society among men:
+or, he that, commits any act of uncharitableness. Whosoever thou art,
+thou art such, thou art cast forth I know not whither out of the general
+unity, which is according to nature. Thou went born indeed a part, but
+now thou hast cut thyself off. However, herein is matter of joy and
+exultation, that thou mayst be united again. God hath not granted
+it unto any other part, that once separated and cut off, it might be
+reunited, and come together again. But, behold, that GOODNESS how great
+and immense it is! which hath so much esteemed MAN. As at first he
+was so made, that he needed not, except he would himself, have divided
+himself from the whole; so once divided and cut off, IT hath so provided
+and ordered it, that if he would himself, he might return, and grow
+together again, and be admitted into its former rank and place of a
+part, as he was before.
+
+XXXIII. As almost all her other faculties and properties the nature of
+the universe hath imparted unto every reasonable creature, so this in
+particular we have received from her, that as whatsoever doth oppose
+itself unto her, and doth withstand her in her purposes and intentions,
+she doth, though against its will and intention, bring it about to
+herself, to serve herself of it in the execution of her own destinated
+ends; and so by this though not intended co-operation of it with herself
+makes it part of herself whether it will or no. So may every reasonable
+creature, what crosses and impediments soever it meets with in the
+course of this mortal life, it may use them as fit and proper objects,
+to the furtherance of whatsoever it intended and absolutely proposed
+unto itself as its natural end and happiness.
+
+XXXIV. Let not the general representation unto thyself of the
+wretchedness of this our mortal life, trouble thee. Let not thy mind
+wander up and down, and heap together in her thoughts the many troubles
+and grievous calamities which thou art as subject unto as any other. But
+as everything in particular doth happen, put this question unto thyself,
+and say: What is it that in this present matter, seems unto thee so
+intolerable? For thou wilt be ashamed to confess it. Then upon this
+presently call to mind, that neither that which is future, nor that
+which is past can hurt thee; but that only which is present. (And that
+also is much lessened, if thou dost lightly circumscribe it:) and then
+check thy mind if for so little a while, (a mere instant), it cannot
+hold out with patience.
+
+XXXV. What? are either Panthea or Pergamus abiding to this day by their
+masters' tombs? or either Chabrias or Diotimus by that of Adrianus? O
+foolery! For what if they did, would their masters be sensible of It? or
+if sensible, would they be glad of it? or if glad, were these immortal?
+Was not it appointed unto them also (both men and women,) to become
+old in time, and then to die? And these once dead, what would become of
+these former? And when all is done, what is all this for, but for a mere
+bag of blood and corruption?
+
+XXXVI. If thou beest quick-sighted, be so in matter of judgment, and
+best discretion, saith he.
+
+XXXVII. In the whole constitution of man, I see not any virtue contrary
+to justice, whereby it may be resisted and opposed. But one whereby
+pleasure and voluptuousness may be resisted and opposed, I see:
+continence.
+
+XXXVIII. If thou canst but withdraw conceit and opinion concerning that
+which may seem hurtful and offensive, thou thyself art as safe, as safe
+may be. Thou thyself? and who is that? Thy reason. 'Yea, but I am not
+reason.' Well, be it so. However, let not thy reason or understanding
+admit of grief, and if there be anything in thee that is grieved, let
+that, (whatsoever it be,) conceive its own grief, if it can.
+
+XXXIX. That which is a hindrance of the senses, is an evil to the
+sensitive nature. That which is a hindrance of the appetitive and
+prosecutive faculty, is an evil to the sensitive nature. As of the
+sensitive, so of the vegetative constitution, whatsoever is a hindrance
+unto it, is also in that respect an evil unto the same. And so likewise,
+whatsoever is a hindrance unto the mind and understanding, must needs
+be the proper evil of the reasonable nature. Now apply all those things
+unto thyself. Do either pain or pleasure seize on thee? Let the senses
+look to that. Hast thou met with Some obstacle or other in thy purpose
+and intention? If thou didst propose without due reservation and
+exception now hath thy reasonable part received a blow indeed But if in
+general thou didst propose unto thyself what soever might be, thou art
+not thereby either hurt, nor properly hindered. For in those things that
+properly belong unto the mind, she cannot be hindered by any man. It
+is not fire, nor iron; nor the power of a tyrant nor the power of a
+slandering tongue; nor anything else that can penetrate into her.
+
+XL. If once round and solid, there is no fear that ever it will change.
+
+XLI. Why should I grieve myself; who never did willingly grieve any
+other! One thing rejoices one and another thing another. As for me, this
+is my joy, if my understanding be right and sound, as neither averse
+from any man, nor refusing any of those things which as a man I am
+subject unto; if I can look upon all things in the world meekly and
+kindly; accept all things and carry myself towards everything according
+to to true worth of the thing itself.
+
+XLII. This time that is now present, bestow thou upon thyself. They that
+rather hunt for fame after death, do not consider, that those men that
+shall be hereafter, will be even such, as these whom now they can so
+hardly bear with. And besides they also will be mortal men. But to
+consider the thing in itself, if so many with so many voices, shall make
+such and such a sound, or shall have such and such an opinion concerning
+thee, what is it to thee?
+
+XLIII. Take me and throw me where thou wilt: I am indifferent. For there
+also I shall have that spirit which is within me propitious; that is
+well pleased and fully contented both in that constant disposition, and
+with those particular actions, which to its own proper constitution are
+suitable and agreeable.
+
+XLIV. Is this then a thing of that worth, that for it my soul should
+suffer, and become worse than it was? as either basely dejected, or
+disordinately affected, or confounded within itself, or terrified? What
+can there be, that thou shouldest so much esteem?
+
+XLV. Nothing can happen unto thee, which is not incidental unto thee, as
+thou art a man. As nothing can happen either to an ox, a vine, or to
+a stone, which is not incidental unto them; unto every one in his own
+kind. If therefore nothing can happen unto anything, which is not both
+usual and natural; why art thou displeased? Sure the common nature
+of all would not bring anything upon any, that were intolerable. If
+therefore it be a thing external that causes thy grief, know, that it is
+not that properly that doth cause it, but thine own conceit and opinion
+concerning the thing: which thou mayest rid thyself of, when thou wilt.
+But if it be somewhat that is amiss in thine own disposition, that doth
+grieve thee, mayest thou not rectify thy moral tenets and opinions. But
+if it grieve thee, that thou doest not perform that which seemeth unto
+thee right and just, why doest not thou choose rather to perform it than
+to grieve? But somewhat that is stronger than thyself doth hinder thee.
+Let it not grieve thee then, if it be not thy fault that the thing is
+not performed. 'Yea but it is a thing of that nature, as that thy life
+is not worth the while, except it may be performed.' If it be so, upon
+condition that thou be kindly and lovingly disposed towards all men,
+thou mayest be gone. For even then, as much as at any time, art thou in
+a very good estate of performance, when thou doest die in charity with
+those, that are an obstacle unto thy performance.
+
+XLVI. Remember that thy mind is of that nature as that it becometh
+altogether unconquerable, when once recollected in herself, she seeks no
+other content than this, that she cannot be forced: yea though it so
+fall out, that it be even against reason itself, that it cloth bandy.
+How much less when by the help of reason she is able to judge of things
+with discretion? And therefore let thy chief fort and place of defence
+be, a mind free from passions. A stronger place, (whereunto to make his
+refuge, and so to become impregnable) and better fortified than this,
+hath no man. He that seeth not this is unlearned. He that seeth it, and
+betaketh not himself to this place of refuge, is unhappy.
+
+XLVII. Keep thyself to the first bare and naked apprehensions of things,
+as they present themselves unto thee, and add not unto them. It is
+reported unto thee, that such a one speaketh ill of thee. Well; that he
+speaketh ill of thee, so much is reported. But that thou art hurt
+thereby, is not reported: that is the addition of opinion, which thou
+must exclude. I see that my child is sick. That he is sick, I see, but
+that he is in danger of his life also, I see it not. Thus thou must use
+to keep thyself to the first motions and apprehensions of things, as
+they present themselves outwardly; and add not unto them from within
+thyself through mere conceit and opinion. Or rather add unto them: hut
+as one that understandeth the true nature of all things that happen in
+the world.
+
+XLVIII. Is the cucumber bitter? set it away. Brambles are in the way?
+avoid them. Let this suffice. Add not presently speaking unto thyself,
+What serve these things for in the world? For, this, one that is
+acquainted with the mysteries of nature, will laugh at thee for it; as a
+carpenter would or a shoemaker, if meeting in either of their shops with
+some shavings, or small remnants of their work, thou shouldest blame
+them for it. And yet those men, it is not for want of a place where to
+throw them that they keep them in their shops for a while: but the
+nature of the universe hath no such out-place; but herein doth consist
+the wonder of her art and skill, that she having once circumscribed
+herself within some certain bounds and limits, whatsoever is within her
+that seems either corrupted, or old, or unprofitable, she can change it
+into herself, and of these very things can make new things; so that she
+needeth not to seek elsewhere out of herself either for a new supply of
+matter and substance, or for a place where to throw out whatsoever is
+irrecoverably putrid and corrupt. Thus she, as for place, so for matter
+and art, is herself sufficient unto herself.
+
+XLIX. Not to be slack and negligent; or loose, and wanton in thy
+actions; nor contentious, and troublesome in thy conversation; nor to
+rove and wander in thy fancies and imaginations. Not basely to contract
+thy soul; nor boisterously to sally out with it, or furiously to launch
+out as it were, nor ever to want employment.
+
+L. 'They kill me, they cut my flesh; they persecute my person with
+curses.' What then? May not thy mind for all this continue pure,
+prudent, temperate, just? As a fountain of sweet and clear water, though
+she be cursed by some stander by, yet do her springs nevertheless still
+run as sweet and clear as before; yea though either dirt or dung be
+thrown in, yet is it no sooner thrown, than dispersed, and she cleared.
+She cannot be dyed or infected by it. What then must I do, that I
+may have within myself an overflowing fountain, and not a well? Beget
+thyself by continual pains and endeavours to true liberty with charity,
+and true simplicity and modesty.
+
+LI. He that knoweth not what the world is, knoweth not where he himself
+is. And he that knoweth not what the world was made for, cannot possibly
+know either what are the qualities, or what is the nature of the world.
+Now he that in either of these is to seek, for what he himself was made
+is ignorant also. What then dost thou think of that man, who proposeth
+unto himself, as a matter of great moment, the noise and applause
+of men, who both where they are, and what they are themselves, are
+altogether ignorant? Dost thou desire to be commended of that man, who
+thrice in one hour perchance, doth himself curse himself? Dost thou
+desire to please him, who pleaseth not himself? or dost thou think that
+he pleaseth himself, who doth use to repent himself almost of everything
+that he doth?
+
+LII. Not only now henceforth to have a common breath, or to hold
+correspondency of breath, with that air, that compasseth us about; but
+to have a common mind, or to hold correspondency of mind also with that
+rational substance, which compasseth all things. For, that also is of
+itself, and of its own nature (if a man can but draw it in as he should)
+everywhere diffused; and passeth through all things, no less than the
+air doth, if a man can but suck it in.
+
+LIII. Wickedness in general doth not hurt the world. Particular
+wickedness doth not hurt any other: only unto him it is hurtful,
+whosoever he be that offends, unto whom in great favour and mercy it is
+granted, that whensoever he himself shall but first desire it, he may be
+presently delivered of it. Unto my free-will my neighbour's free-will,
+whoever he be, (as his life, or his bode), is altogether indifferent.
+For though we are all made one for another, yet have our minds and
+understandings each of them their own proper and limited jurisdiction.
+For else another man's wickedness might be my evil which God would not
+have, that it might not be in another man's power to make me unhappy:
+which nothing now can do but mine own wickedness.
+
+LIV. The sun seemeth to be shed abroad. And indeed it is diffused but
+not effused. For that diffusion of it is a Οα½±ΟΞΉΟ or an extension. For
+therefore are the beams of it called αΌΞΊΟαΏΞ½Ξ΅Ο from the word αΌΞΊΟΞ΅α½·Ξ½Ξ΅ΟΞΈΞ±ΞΉ
+to be stretched out and extended. Now what a sunbeam is, thou mayest
+know if thou observe the light of the sun, when through some narrow
+hole it pierceth into some room that is dark. For it is always in a
+direct line. And as by any solid body, that it meets with in the way
+that is not penetrable by air, it is divided and abrupted, and yet
+neither slides off, or falls down, but stayeth there nevertheless: such
+must the diffusion in the mind be; not an effusion, but an extension.
+What obstacles and impediments soever she meeteth within her way, she
+must not violently, and by way of an impetuous onset light upon them;
+neither must she fall down; but she must stand, and give light unto
+that which doth admit of it. For as for that which doth not, it is its
+own fault and loss, if it bereave itself of her light.
+
+LV. He that feareth death, either feareth that he shall have no sense at
+all, or that his senses will not be the same. Whereas, he should rather
+comfort himself, that either no sense at all, and so no sense of evil;
+or if any sense, then another life, and so no death properly.
+
+LVI. All men are made one for another: either then teach them better, or
+bear with them.
+
+LVII. The motion of the mind is not as the motion of a dart. For
+the mind when it is wary and cautelous, and by way of diligent
+circumspection turneth herself many ways, may then as well be said to
+go straight on to the object, as when it useth no such circumspection.
+
+
+LVIII. To pierce and penetrate into the estate of every one's
+understanding that thou hast to do with: as also to make the estate of
+thine own open, and penetrable to any other.
+
+
+
+
+THE NINTH BOOK
+
+
+I. He that is unjust, is also impious. For the nature of the universe,
+having made all reasonable creatures one for another, to the end that
+they should do one another good; more or less according to the several
+persons and occasions but in nowise hurt one another: it is manifest
+that he that doth transgress against this her will, is guilty of impiety
+towards the most ancient and venerable of all the deities. For the
+nature of the universe, is the nature the common parent of all, and
+therefore piously to be observed of all things that are, and that which
+now is, to whatsoever first was, and gave it its being, hath relation
+of blood and kindred. She is also called truth and is the first cause
+of all truths. He therefore that willingly and wittingly doth lie, is
+impious in that he doth receive, and so commit injustice: but he that
+against his will, in that he disagreeth from the nature of the universe,
+and in that striving with the nature of the world he doth in his
+particular, violate the general order of the world. For he doth no
+better than strive and war against it, who contrary to his own nature
+applieth himself to that which is contrary to truth. For nature had
+before furnished him with instincts and opportunities sufficient for the
+attainment of it; which he having hitherto neglected, is not now able
+to discern that which is false from that which is true. He also that
+pursues after pleasures, as that which is truly good and flies from
+pains, as that which is truly evil: is impious. For such a one must of
+necessity oftentimes accuse that common nature, as distributing many
+things both unto the evil, and unto the good, not according to the
+deserts of either: as unto the bad oftentimes pleasures, and the causes
+of pleasures; so unto the good, pains, and the occasions of pains.
+Again, he that feareth pains and crosses in this world, feareth some of
+those things which some time or other must needs happen in the world.
+And that we have already showed to be impious. And he that pursueth
+after pleasures, will not spare, to compass his desires, to do that
+which is unjust, and that is manifestly impious. Now those things which
+unto nature are equally indifferent (for she had not created both, both
+pain and pleasure, if both had not been unto her equally indifferent):
+they that will live according to nature, must in those things (as being
+of the same mind and disposition that she is) be as equally indifferent.
+Whosoever therefore in either matter of pleasure and pain; death and
+life; honour and dishonour, (which things nature in the administration
+of the world, indifferently doth make use of), is not as indifferent,
+it is apparent that he is impious. When I say that common nature
+doth indifferently make use of them, my meaning is, that they happen
+indifferently in the ordinary course of things, which by a necessary
+consequence, whether as principal or accessory, come to pass in the
+world, according to that first and ancient deliberation of Providence,
+by which she from some certain beginning, did resolve upon the creation
+of such a world, conceiving then in her womb as it were some certain
+rational generative seeds and faculties of things future, whether
+subjects, changes, successions; both such and such, and just so many.
+
+II. It were indeed more happy and comfortable, for a man to depart out
+of this world, having lived all his life long clear from all falsehood,
+dissimulation, voluptuousness, and pride. But if this cannot be, yet it
+is some comfort for a man joyfully to depart as weary, and out of love
+with those; rather than to desire to live, and to continue long in those
+wicked courses. Hath not yet experience taught thee to fly from the
+plague? For a far greater plague is the corruption of the mind, than any
+certain change and distemper of the common air can be. This is a plague
+of creatures, as they are living creatures; but that of men as they are
+men or reasonable.
+
+III. Thou must not in matter of death carry thyself scornfully, but as
+one that is well pleased with it, as being one of those things that
+nature hath appointed. For what thou dost conceive of these, of a boy to
+become a young man, to wax old, to grow, to ripen, to get teeth, or a
+beard, or grey hairs to beget, to bear, or to be delivered; or what
+other action soever it be, that is natural unto man according to the
+several seasons of his life; such a thing is it also to be dissolved. It
+is therefore the part of a wise man, in matter of death, not in any wise
+to carry himself either violently, or proudly but patiently to wait for
+it, as one of nature's operations: that with the same mind as now thou
+dost expect when that which yet is but an embryo in thy wife's belly
+shall come forth, thou mayst expect also when thy soul shall fall off
+from that outward coat or skin: wherein as a child in the belly it lieth
+involved and shut up. But thou desirest a more popular, and though not
+so direct and philosophical, yet a very powerful and penetrative recipe
+against the fear of death, nothing can make they more willing to part
+with thy life, than if thou shalt consider, both what the subjects
+themselves are that thou shalt part with, and what manner of disposition
+thou shalt no more have to do with. True it is, that, offended with them
+thou must not be by no means, but take care of them, and meekly bear
+with them However, this thou mayst remember, that whensoever it happens
+that thou depart, it shall not be from men that held the same opinions
+that thou dost. For that indeed, (if it were so) is the only thing that
+might make thee averse from death, and willing to continue here, if it
+were thy hap to live with men that had obtained the same belief that
+thou hast. But now, what a toil it is for thee to live with men of
+different opinions, thou seest: so that thou hast rather occasion to
+say, Hasten, I thee pray, O Death; lest I also in time forget myself.
+
+IV. He that sinneth, sinneth unto himself. He that is unjust, hurts
+himself, in that he makes himself worse than he was before. Not he only
+that committeth, but he also that omitteth something, is oftentimes
+unjust.
+
+V. If my present apprehension of the object be right, and my present
+action charitable, and this, towards whatsoever doth proceed from God,
+be my present disposition, to be well pleased with it, it sufficeth.
+
+VI. To wipe away fancy, to use deliberation, to quench concupiscence, to
+keep the mind free to herself.
+
+VII. Of all unreasonable creatures, there is but one unreasonable soul;
+and of all that are reasonable, but one reasonable soul, divided betwixt
+them all. As of all earthly things there is but one earth, and but one
+light that we see by; and but one air that we breathe in, as many as
+either breathe or see. Now whatsoever partakes of some common thing,
+naturally affects and inclines unto that whereof it is part, being of
+one kind and nature with it. Whatsoever is earthly, presseth downwards
+to the common earth. Whatsoever is liquid, would flow together. And
+whatsoever is airy, would be together likewise. So that without some
+obstacle, and some kind of violence, they cannot well be kept asunder.
+Whatsoever is fiery, doth not only by reason of the elementary fire tend
+upwards; but here also is so ready to join, and to burn together, that
+whatsoever doth want sufficient moisture to make resistance, is easily
+set on fire. Whatsoever therefore is partaker of that reasonable common
+nature, naturally doth as much and more long after his own kind. For by
+how much in its own nature it excels all other things, by so much more
+is it desirous to be joined and united unto that, which is of its own
+nature. As for unreasonable creatures then, they had not long been, but
+presently begun among them swarms, and flocks, and broods of young ones,
+and a kind of mutual love and affection. For though but unreasonable,
+yet a kind of soul these had, and therefore was that natural desire of
+union more strong and intense in them, as in creatures of a more
+excellent nature, than either in plants, or stones, or trees. But among
+reasonable creatures, begun commonwealths, friendships, families, public
+meetings, and even in their wars, conventions, and truces. Now among
+them that were yet of a more excellent nature, as the stars and planets,
+though by their nature far distant one from another, yet even among them
+began some mutual correspondency and unity. So proper is it to
+excellency in a high degree to affect unity, as that even in things so
+far distant, it could operate unto a mutual sympathy. But now behold,
+what is now come to pass. Those creatures that are reasonable, are now
+the only creatures that have forgotten their natural affection and
+inclination of one towards another. Among them alone of all other things
+that are of one kind, there is not to be found a general disposition to
+flow together. But though they fly from nature, yet are they stopt in
+their course, and apprehended. Do they what they can, nature doth
+prevail. And so shalt thou confess, if thou dost observe it. For sooner
+mayst thou find a thing earthly, where no earthly thing is, than find a
+man that naturally can live by himself alone.
+
+VIII. Man, God, the world, every one in their kind, bear some fruits.
+All things have their proper time to bear. Though by custom, the word
+itself is in a manner become proper unto the vine, and the like, yet is
+it so nevertheless, as we have said. As for reason, that beareth both
+common fruit for the use of others; and peculiar, which itself doth
+enjoy. Reason is of a diffusive nature, what itself is in itself, it
+begets in others, and so doth multiply.
+
+IX. Either teach them better if it be in thy power; or if it be not,
+remember that for this use, to bear with them patiently, was mildness
+and goodness granted unto thee. The Gods themselves are good unto such;
+yea and in some things, (as in matter of health, of wealth, of honour,)
+are content often to further their endeavours: so good and gracious are
+they. And mightest thou not be so too? or, tell me, what doth hinder
+thee?
+
+X. Labour not as one to whom it is appointed to be wretched, nor as one
+that either would be pitied, or admired; but let this be thine only care
+and desire; so always and in all things to prosecute or to forbear, as
+the law of charity, or mutual society doth require.
+
+XI. This day I did come out of all my trouble. Nay I have cast out all
+my trouble; it should rather be for that which troubled thee, whatsoever
+it was, was not without anywhere that thou shouldest come out of it, but
+within in thine own opinions, from whence it must be cast out, before
+thou canst truly and constantly be at ease.
+
+XII. All those things, for matter of experience are usual and ordinary;
+for their continuance but for a day; and for their matter, most base and
+filthy. As they were in the days of those whom we have buried, so are
+they now also, and no otherwise.
+
+XIII. The things themselves that affect us, they stand without doors,
+neither knowing anything themselves nor able to utter anything unto
+others concerning themselves. What then is it, that passeth verdict on
+them? The understanding.
+
+XIV. As virtue and wickedness consist not in passion, but in action; so
+neither doth the true good or evil of a reasonable charitable man
+consist in passion, but in operation and action.
+
+XV. To the stone that is cast up, when it comes down it is no hurt unto
+it; as neither benefit, when it doth ascend.
+
+XVI. Sift their minds and understandings, and behold what men they be,
+whom thou dost stand in fear of what they shall judge of thee, what they
+themselves judge of themselves.
+
+XVII. All things that are in the world, are always in the estate
+of alteration. Thou also art in a perpetual change, yea and under
+corruption too, in some part: and so is the whole world.
+
+XVIII. it is not thine, but another man's sin. Why should it trouble
+thee? Let him look to it, whose sin it is.
+
+XIX. Of an operation and of a purpose there is an ending, or of an
+action and of a purpose we say commonly, that it is at an end: from
+opinion also there is an absolute cessation, which is as it were the
+death of it. In all this there is no hurt. Apply this now to a man's
+age, as first, a child; then a youth, then a young man, then an old man;
+every change from one age to another is a kind of death And all this
+while here no matter of grief yet. Pass now unto that life first, that
+which thou livedst under thy grandfather, then under thy mother, then
+under thy father. And thus when through the whole course of thy life
+hitherto thou hast found and observed many alterations, many changes,
+many kinds of endings and cessations, put this question to thyself What
+matter of grief or sorrow dost thou find in any of these? Or what doest
+thou suffer through any of these? If in none of these, then neither
+in the ending and consummation of thy whole life, which is also but a
+cessation and change.
+
+XX. As occasion shall require, either to thine own understanding, or to
+that of the universe, or to his, whom thou hast now to do with, let thy
+refuge be with all speed. To thine own, that it resolve upon nothing
+against justice. To that of the universe, that thou mayest remember,
+part of whom thou art. Of his, that thou mayest consider whether in the
+estate of ignorance, or of knowledge. And then also must thou call to
+mind, that he is thy kinsman.
+
+XXI. As thou thyself, whoever thou art, were made for the perfection and
+consummation, being a member of it, of a common society; so must every
+action of thine tend to the perfection and consummation of a life that
+is truly sociable. What action soever of thine therefore that either
+immediately or afar off, hath not reference to the common good, that is
+an exorbitant and disorderly action; yea it is seditious; as one among
+the people who from such and such a consent and unity, should factiously
+divide and separate himself.
+
+XXII. Children's anger, mere babels; wretched souls bearing up dead
+bodies, that they may not have their fall so soon: even as it is in that
+common dirge song.
+
+XXIII. Go to the quality of the cause from which the effect doth
+proceed. Behold it by itself bare and naked, separated from all that is
+material. Then consider the utmost bounds of time that that cause, thus
+and thus qualified, can subsist and abide.
+
+XXIV. Infinite are the troubles and miseries, that thou hast already
+been put to, by reason of this only, because that for all happiness
+it did not suffice thee, or, that thou didst not account it sufficient
+happiness, that thy understanding did operate according to its natural
+constitution.
+
+XXV. When any shall either impeach thee with false accusations, or
+hatefully reproach thee, or shall use any such carriage towards thee,
+get thee presently to their minds and understandings, and look in them,
+and behold what manner of men they be. Thou shalt see, that there is no
+such occasion why it should trouble thee, what such as they are think of
+thee. Yet must thou love them still, for by nature they are thy friends.
+And the Gods themselves, in those things that they seek from them as
+matters of great moment, are well content, all manner of ways, as by
+dreams and oracles, to help them as well as others.
+
+XXVI. Up and down, from one age to another, go the ordinary things of
+the world; being still the same. And either of everything in particular
+before it come to pass, the mind of the universe doth consider with
+itself and deliberate: and if so, then submit for shame unto the
+determination of such an excellent understanding: or once for all it did
+resolve upon all things in general; and since that whatsoever happens,
+happens by a necessary consequence, and all things indivisibly in a
+manner and inseparably hold one of another. In sum, either there is a
+God, and then all is well; or if all things go by chance and fortune,
+yet mayest thou use thine own providence in those things that concern
+thee properly; and then art thou well.
+
+XXVII. Within a while the earth shall cover us all, and then she herself
+shall have her change. And then the course will be, from one period of
+eternity unto another, and so a perpetual eternity. Now can any man
+that shall consider with himself in his mind the several rollings or
+successions of so many changes and alterations, and the swiftness of all
+these rulings; can he otherwise but contemn in his heart and despise
+all worldly things? The cause of the universe is as it were a strong
+torrent, it carrieth all away.
+
+XXVIII. And these your professed politicians, the only true practical
+philosophers of the world, (as they think of themselves) so full of
+affected gravity, or such professed lovers of virtue and honesty, what
+wretches be they in very deed; how vile and contemptible in themselves?
+O man! what ado doest thou keep? Do what thy nature doth now require.
+Resolve upon it, if thou mayest: and take no thought, whether anybody
+shall know it or no. Yea, but sayest thou, I must not expect a Plato's
+commonwealth. If they profit though never so little, I must be content;
+and think much even of that little progress. Doth then any of them
+forsake their former false opinions that I should think they profit? For
+without a change of opinions, alas! what is all that ostentation, but
+mere wretchedness of slavish minds, that groan privately, and yet would
+make a show of obedience to reason, and truth? Go too now and tell me
+of Alexander and Philippus, and Demetrius Phalereus. Whether they
+understood what the common nature requireth, and could rule themselves
+or no, they know best themselves. But if they kept a life, and
+swaggered; I (God be thanked) am not bound to imitate them. The effect
+of true philosophy is, unaffected simplicity and modesty. Persuade me
+not to ostentation and vainglory.
+
+XXIX. From some high place as it were to look down, and to behold
+here flocks, and there sacrifices, without number; and all kind of
+navigation; some in a rough and stormy sea, and some in a calm: the
+general differences, or different estates of things, some, that are now
+first upon being; the several and mutual relations of those things that
+are together; and some other things that are at their last. Their lives
+also, who were long ago, and theirs who shall be hereafter, and the
+present estate and life of those many nations of barbarians that are
+now in the world, thou must likewise consider in thy mind. And how many
+there be, who never so much as heard of thy name, how many that will
+soon forget it; how many who but even now did commend thee, within a
+very little while perchance will speak ill of thee. So that neither
+fame, nor honour, nor anything else that this world doth afford, is
+worth the while. The sum then of all; whatsoever doth happen unto thee,
+whereof God is the cause, to accept it contentedly: whatsoever thou
+doest, whereof thou thyself art the cause, to do it justly: which will
+be, if both in thy resolution and in thy action thou have no further
+end, than to do good unto others, as being that, which by thy natural
+constitution, as a man, thou art bound unto.
+
+XXX. Many of those things that trouble and straiten thee, it is in thy
+power to cut off, as wholly depending from mere conceit and opinion; and
+then thou shalt have room enough.
+
+XXXI. To comprehend the whole world together in thy mind, and the whole
+course of this present age to represent it unto thyself, and to fix thy
+thoughts upon the sudden change of every particular object. How short
+the time is from the generation of anything, unto the dissolution of
+the same; but how immense and infinite both that which was before the
+generation, and that which after the generation of it shall be. All
+things that thou seest, will soon be perished, and they that see their
+corruptions, will soon vanish away themselves. He that dieth a hundred
+years old, and he that dieth young, shall come all to one.
+
+XXXII. What are their minds and understandings; and what the things that
+they apply themselves unto: what do they love, and what do they hate
+for? Fancy to thyself the estate of their souls openly to be seen. When
+they think they hurt them shrewdly, whom they speak ill of; and when
+they think they do them a very good turn, whom they commend and extol: O
+how full are they then of conceit, and opinion!
+
+XXXIII. Loss and corruption, is in very deed nothing else but change and
+alteration; and that is it, which the nature of the universe doth most
+delight in, by which, and according to which, whatsoever is done, is
+well done. For that was the estate of worldly things from the beginning,
+and so shall it ever be. Or wouldest thou rather say, that all things
+in the world have gone ill from the beginning for so many ages, and
+shall ever go ill? And then among so many deities, could no divine power
+be found all this while, that could rectify the things of the world? Or
+is the world, to incessant woes and miseries, for ever condemned?
+
+XXXIV. How base and putrid, every common matter is! Water, dust, and
+from the mixture of these bones, and all that loathsome stuff that our
+bodies do consist of: so subject to be infected, and corrupted. And
+again those other things that are so much prized and admired, as marble
+stones, what are they, but as it were the kernels of the earth? gold and
+silver, what are they, but as the more gross faeces of the earth? Thy
+most royal apparel, for matter, it is but as it were the hair of a silly
+sheep, and for colour, the very blood of a shell-fish; of this nature
+are all other things. Thy life itself, is some such thing too; a mere
+exhalation of blood: and it also, apt to be changed into some other
+common thing.
+
+XXXV. Will this querulousness, this murmuring, this complaining and
+dissembling never be at an end? What then is it, that troubleth thee?
+Doth any new thing happen unto thee? What doest thou so wonder at? At
+the cause, or the matter? Behold either by itself, is either of that
+weight and moment indeed? And besides these, there is not anything. But
+thy duty towards the Gods also, it is time thou shouldst acquit thyself
+of it with more goodness and simplicity.
+
+XXXVI. It is all one to see these things for a hundred of years together
+or but for three years.
+
+XXXVII. If he have sinned, his is the harm, not mine. But perchance he
+hath not.
+
+XXXVIII. Either all things by the providence of reason happen unto every
+particular, as a part of one general body; and then it is against reason
+that a part should complain of anything that happens for the good of the
+whole; or if, according to Epicurus, atoms be the cause of all things
+and that life be nothing else but an accidentary confusion of things,
+and death nothing else, but a mere dispersion and so of all other
+things: what doest thou trouble thyself for?
+
+XXXIX. Sayest thou unto that rational part, Thou art dead; corruption
+hath taken hold on thee? Doth it then also void excrements? Doth it like
+either oxen, or sheep, graze or feed; that it also should be mortal, as
+well as the body?
+
+XL. Either the Gods can do nothing for us at all, or they can still and
+allay all the distractions and distempers of thy mind. If they can do
+nothing, why doest thou pray? If they can, why wouldst not thou rather
+pray, that they will grant unto thee, that thou mayst neither fear, nor
+lust after any of those worldly things which cause these distractions
+and distempers of it? Why not rather, that thou mayst not at either
+their absence or presence, be grieved and discontented: than either that
+thou mayst obtain them, or that thou mayst avoid them? For certainly
+it must needs be, that if the Gods can help us in anything, they may in
+this kind also. But thou wilt say perchance, 'In those things the Gods
+have given me my liberty: and it is in mine own power to do what I
+will.' But if thou mayst use this liberty, rather to set thy mind at
+true liberty, than wilfully with baseness and servility of mind to
+affect those things, which either to compass or to avoid is not in thy
+power, wert not thou better? And as for the Gods, who hath told thee,
+that they may not help us up even in those things that they have put in
+our own power? whether it be so or no, thou shalt soon perceive, if
+thou wilt but try thyself and pray. One prayeth that he may compass his
+desire, to lie with such or such a one, pray thou that thou mayst not
+lust to lie with her. Another how he may be rid of such a one; pray thou
+that thou mayst so patiently bear with him, as that thou have no such
+need to be rid of him. Another, that he may not lose his child. Pray
+thou that thou mayst not fear to lose him. To this end and purpose, let
+all thy prayer be, and see what will be the event.
+
+XLI. 'In my sickness' (saith Epicurus of himself:) 'my discourses were
+not concerning the nature of my disease, neither was that, to them that
+came to visit me, the subject of my talk; but in the consideration and
+contemplation of that, which was of especial weight and moment, was all
+my time bestowed and spent, and among others in this very thing, how my
+mind, by a natural and unavoidable sympathy partaking in some sort with
+the present indisposition of my body, might nevertheless keep herself
+free from trouble, and in present possession of her own proper
+happiness. Neither did I leave the ordering of my body to the physicians
+altogether to do with me what they would, as though I expected any
+great matter from them, or as though I thought it a matter of such great
+consequence, by their means to recover my health: for my present estate,
+methought, liked me very well, and gave me good content.' Whether
+therefore in sickness (if thou chance to sicken) or in what other kind
+of extremity soever, endeavour thou also to be in thy mind so affected,
+as he doth report of himself: not to depart from thy philosophy for
+anything that can befall thee, nor to give ear to the discourses of
+silly people, and mere naturalists.
+
+XLII. It is common to all trades and professions to mind and intend that
+only, which now they are about, and the instrument whereby they work.
+
+XLIII. When at any time thou art offended with any one's impudency, put
+presently this question to thyself: 'What? Is it then possible, that
+there should not be any impudent men in the world! Certainly it is not
+possible.' Desire not then that which is impossible. For this one, (thou
+must think) whosoever he be, is one of those impudent ones, that
+the world cannot be without. So of the subtile and crafty, so of the
+perfidious, so of every one that offendeth, must thou ever be ready to
+reason with thyself. For whilst in general thou dost thus reason with
+thyself, that the kind of them must needs be in the world, thou wilt be
+the better able to use meekness towards every particular. This also
+thou shalt find of very good use, upon every such occasion, presently
+to consider with thyself, what proper virtue nature hath furnished man
+with, against such a vice, or to encounter with a disposition vicious
+in this kind. As for example, against the unthankful, it hath given
+goodness and meekness, as an antidote, and so against another vicious
+in another kind some other peculiar faculty. And generally, is it not
+in thy power to instruct him better, that is in an error? For whosoever
+sinneth, doth in that decline from his purposed end, and is certainly
+deceived, And again, what art thou the worse for his sin? For thou shalt
+not find that any one of these, against whom thou art incensed, hath in
+very deed done anything whereby thy mind (the only true subject of
+thy hurt and evil) can be made worse than it was. And what a matter of
+either grief or wonder is this, if he that is unlearned, do the deeds of
+one that is unlearned? Should not thou rather blame thyself, who, when
+upon very good grounds of reason, thou mightst have thought it very
+probable, that such a thing would by such a one be committed, didst not
+only not foresee it, but moreover dost wonder at it, that such a thing
+should be. But then especially, when thou dost find fault with either an
+unthankful, or a false man, must thou reflect upon thyself. For without
+all question, thou thyself art much in fault, if either of one that were
+of such a disposition, thou didst expect that he should be true unto
+thee: or when unto any thou didst a good turn, thou didst not there
+bound thy thoughts, as one that had obtained his end; nor didst not
+think that from the action itself thou hadst received a full reward of
+the good that thou hadst done. For what wouldst thou have more? Unto him
+that is a man, thou hast done a good turn: doth not that suffice thee?
+What thy nature required, that hast thou done. Must thou be rewarded for
+it? As if either the eye for that it seeth, or the feet that they go,
+should require satisfaction. For as these being by nature appointed for
+such an use, can challenge no more, than that they may work according
+to their natural constitution: so man being born to do good unto others
+whensoever he doth a real good unto any by helping them out of error; or
+though but in middle things, as in matter of wealth, life, preferment,
+and the like, doth help to further their desires he doth that for which
+he was made, and therefore can require no more.
+
+
+
+
+THE TENTH BOOK
+
+
+I. O my soul, the time I trust will be, when thou shalt be good, simple,
+single, more open and visible, than that body by which it is enclosed.
+Thou wilt one day be sensible of their happiness, whose end is love, and
+their affections dead to all worldly things. Thou shalt one day be full,
+and in want of no external thing: not seeking pleasure from anything,
+either living or insensible, that this world can afford; neither wanting
+time for the continuation of thy pleasure, nor place and opportunity,
+nor the favour either of the weather or of men. When thou shalt have
+content in thy present estate, and all things present shall add to thy
+content: when thou shalt persuade thyself, that thou hast all things;
+all for thy good, and all by the providence of the Gods: and of things
+future also shalt be as confident, that all will do well, as tending to
+the maintenance and preservation in some sort, of his perfect welfare
+and happiness, who is perfection of life, of goodness, and beauty; who
+begets all things, and containeth all things in himself, and in himself
+doth recollect all things from all places that are dissolved, that of
+them he may beget others again like unto them. Such one day shall be thy
+disposition, that thou shalt be able, both in regard of the Gods, and
+in regard of men, so to fit and order thy conversation, as neither
+to complain of them at any time, for anything that they do; nor to do
+anything thyself, for which thou mayest justly be condemned.
+
+II. As one who is altogether governed by nature, let it be thy care to
+observe what it is that thy nature in general doth require. That
+done, if thou find not that thy nature, as thou art a living sensible
+creature, will be the worse for it, thou mayest proceed. Next then thou
+must examine, what thy nature as thou art a living sensible creature,
+doth require. And that, whatsoever it be, thou mayest admit of and do
+it, if thy nature as thou art a reasonable living creature, will not be
+the worse for it. Now whatsoever is reasonable, is also sociable, Keep
+thyself to these rules, and trouble not thyself about idle things.
+
+III. Whatsoever doth happen unto thee, thou art naturally by thy natural
+constitution either able, or not able to bear. If thou beest able, be
+not offended, but bear it according to thy natural constitution, or as
+nature hath enabled thee. If thou beest not able, be not offended. For
+it will soon make an end of thee, and itself, (whatsoever it be) at the
+same time end with thee. But remember, that whatsoever by the strength
+of opinion, grounded upon a certain apprehension of both true profit and
+duty, thou canst conceive tolerable; that thou art able to bear that by
+thy natural constitution.
+
+IV. Him that offends, to teach with love and meek ness, and to show him
+his error. But if thou canst not, then to blame thyself; or rather not
+thyself neither, if thy will and endeavours have not been wanting.
+
+V. Whatsoever it be that happens unto thee, it is that which from all
+time was appointed unto thee. For by the same coherence of causes, by
+which thy substance from all eternity was appointed to be, was also
+whatsoever should happen unto it, destinated and appointed.
+
+VI. Either with Epicurus, we must fondly imagine the atoms to be the
+cause of all things, or we must needs grant a nature. Let this then be
+thy first ground, that thou art part of that universe, which is governed
+by nature. Then secondly, that to those parts that are of the same kind
+and nature as thou art, thou hast relation of kindred. For of these,
+if I shall always be mindful, first as I am a part, I shall never be
+displeased with anything, that falls to my particular share of the
+common chances of the world. For nothing that is behoveful unto the
+whole, can be truly hurtful to that which is part of it. For this
+being the common privilege of all natures, that they contain nothing in
+themselves that is hurtful unto them; it cannot be that the nature of
+the universe (whose privilege beyond other particular natures, is,
+that she cannot against her will by any higher external cause be
+constrained,) should beget anything and cherish it in her bosom that
+should tend to her own hurt and prejudice. As then I bear in mind that
+I am a part of such an universe, I shall not be displeased with anything
+that happens. And as I have relation of kindred to those parts that
+are of the same kind and nature that I am, so I shall be careful to
+do nothing that is prejudicial to the community, but in all my
+deliberations shall they that are of my kind ever be; and the common
+good, that, which all my intentions and resolutions shall drive unto,
+as that which is contrary unto it, I shall by all means endeavour to
+prevent and avoid. These things once so fixed and concluded, as thou
+wouldst think him a happy citizen, whose constant study and practice
+were for the good and benefit of his fellow citizens, and the carriage
+of the city such towards him, that he were well pleased with it; so must
+it needs be with thee, that thou shalt live a happy life.
+
+VII. All parts of the world, (all things I mean that are contained
+within the whole world), must of necessity at some time or other come to
+corruption. Alteration I should say, to speak truly and properly; but
+that I may be the better understood, I am content at this time to use
+that more common word. Now say I, if so be that this be both hurtful
+unto them, and yet unavoidable, would not, thinkest thou, the whole
+itself be in a sweet case, all the parts of it being subject to
+alteration, yea and by their making itself fitted for corruption, as
+consisting of things different and contrary? And did nature then either
+of herself thus project and purpose the affliction and misery of her
+parts, and therefore of purpose so made them, not only that haply they
+might, but of necessity that they should fall into evil; or did not she
+know what she did, when she made them? For either of these two to say,
+is equally absurd. But to let pass nature in general, and to reason of
+things particular according to their own particular natures; how absurd
+and ridiculous is it, first to say that all parts of the whole are, by
+their proper natural constitution, subject to alteration; and then when
+any such thing doth happen, as when one doth fall sick and dieth, to
+take on and wonder as though some strange thing had happened? Though
+this besides might move not so grievously to take on when any such thing
+doth happen, that whatsoever is dissolved, it is dissolved into those
+things, whereof it was compounded. For every dissolution is either
+a mere dispersion, of the elements into those elements again whereof
+everything did consist, or a change, of that which is more solid into
+earth; and of that which is pure and subtile or spiritual, into air.
+So that by this means nothing is lost, but all resumed again into those
+rational generative seeds of the universe; and this universe, either
+after a certain period of time to lie consumed by fire, or by continual
+changes to be renewed, and so for ever to endure. Now that solid and
+spiritual that we speak of, thou must not conceive it to be that very
+same, which at first was, when thou wert born. For alas! all this that
+now thou art in either kind, either for matter of substance, or of life,
+hath but two or three days ago partly from meats eaten, and partly from
+air breathed in, received all its influx, being the same then in no
+other respect, than a running river, maintained by the perpetual influx
+and new supply of waters, is the same. That therefore which thou hast
+since received, not that which came from thy mother, is that which
+comes to change and corruption. But suppose that that for the general
+substance, and more solid part of it, should still cleave unto thee
+never so close, yet what is that to the proper qualities and affections
+of it, by which persons are distinguished, which certainly are quite
+different?
+
+VIII. Now that thou hast taken these names upon thee of good, modest,
+true; of αΌΞΌΟΟΟΞ½, Οα½»ΞΌΟΟΟΞ½, α½Οα½³ΟΟΟΟΞ½; take heed lest at any times by
+doing anything that is contrary, thou be but improperly so called, and
+lose thy right to these appellations. Or if thou do, return unto them
+again with all possible speed. And remember, that the word αΌΞΌΟΟΟΞ½ notes
+unto thee an intent and intelligent consideration of every object that
+presents itself unto thee, without distraction. And the word Οα½»ΞΌΟΟΟΞ½, a
+ready and contented acceptation of whatsoever by the appointment of the
+common nature, happens unto thee. And the word α½Οα½³ΟΟΟΟΞ½, a
+super-extension, or a transcendent, and outreaching disposition of thy
+mind, whereby it passeth by all bodily pains and pleasures, honour and
+credit, death and whatsoever is of the same nature, as matters of
+absolute indifferency, and in no wise to be stood upon by a wise man.
+These then if inviolably thou shalt observe, and shalt not be ambitious
+to be so called by others, both thou thyself shalt become a new man,
+and thou shalt begin a new life. For to continue such as hitherto thou
+hast been, to undergo those distractions and distempers as thou must
+needs for such a life as hitherto thou hast lived, is the part of one
+that is very foolish, and is overfond of his life. Whom a man might
+compare to one of those half-eaten wretches, matched in the
+amphitheatre with wild beasts; who as full as they are all the body
+over with wounds and blood, desire for a great favour, that they may be
+reserved till the next day, then also, and in the same estate to be
+exposed to the same nails and teeth as before. Away therefore, ship
+thyself; and from the troubles and distractions of thy former life
+convey thyself as it were unto these few names; and if thou canst abide
+in them, or be constant in the practice and possession of them,
+continue there as glad and joyful as one that were translated unto some
+such place of bliss and happiness as that which by Hesiod and Plato is
+called the Islands of the Blessed, by others called the Elysian Fields.
+And whensoever thou findest thyself; that thou art in danger of a
+relapse, and that thou art not able to master and overcome those
+difficulties and temptations that present themselves in thy present
+station: get thee into any private corner, where thou mayst be better
+able. Or if that will not serve forsake even thy life rather. But so
+that it be not in passion but in a plain voluntary modest way: this
+being the only commendable action of thy whole life that thus thou art
+departed, or this having been the main work and business of thy whole
+life, that thou mightest thus depart. Now for the better remembrance of
+those names that we have spoken of, thou shalt find it a very good
+help, to remember the Gods as often as may be: and that, the thing
+which they require at our hands of as many of us, as are by nature
+reasonable creation is not that with fair words, and outward show of
+piety and devotion we should flatter them, but that we should become
+like unto them: and that as all other natural creatures, the fig tree
+for example; the dog the bee: both do, all of them, and apply
+themselves unto that which by their natural constitution, is proper
+unto them; so man likewise should do that, which by his nature, as he
+is a man, belongs unto him.
+
+IX. Toys and fooleries at home, wars abroad: sometimes terror, sometimes
+torpor, or stupid sloth: this is thy daily slavery. By little and
+little, if thou doest not better look to it, those sacred dogmata will
+be blotted out of thy mind. How many things be there, which when as
+a mere naturalist, thou hast barely considered of according to their
+nature, thou doest let pass without any further use? Whereas thou
+shouldst in all things so join action and contemplation, that thou
+mightest both at the same time attend all present occasions, to perform
+everything duly and carefully and yet so intend the contemplative part
+too, that no part of that delight and pleasure, which the contemplative
+knowledge of everything according to its true nature doth of itself
+afford, might be lost. Or, that the true and contemnplative knowledge
+of everything according to its own nature, might of itself, (action
+being subject to many lets and impediments) afford unto thee sufficient
+pleasure and happiness. Not apparent indeed, but not concealed. And when
+shalt thou attain to the happiness of true simplicity, and unaffected
+gravity? When shalt thou rejoice in the certain knowledge of every
+particular object according to its true nature: as what the matter and
+substance of it is; what use it is for in the world: how long it can
+subsist: what things it doth consist of: who they be that are capable of
+it, and who they that can give it, and take it away?
+
+X. As the spider, when it hath caught the fly that it hunted after, is
+not little proud, nor meanly conceited of herself: as he likewise that
+hath caught an hare, or hath taken a fish with his net: as another for
+the taking of a boar, and another of a bear: so may they be proud,
+and applaud themselves for their valiant acts against the Sarmatai, or
+northern nations lately defeated. For these also, these famous soldiers
+and warlike men, if thou dost look into their minds and opinions, what
+do they for the most part but hunt after prey?
+
+XI. To find out, and set to thyself some certain way and method of
+contemplation, whereby thou mayest clearly discern and represent unto
+thyself, the mutual change of all things, the one into the other. Bear
+it in thy mind evermore, and see that thou be throughly well exercised
+in this particular. For there is not anything more effectual to beget
+true magnanimity.
+
+XII. He hath got loose from the bonds of his body, and perceiving that
+within a very little while he must of necessity bid the world farewell,
+and leave all these things behind him, he wholly applied himself, as to
+righteousness in all his actions, so to the common nature in all things
+that should happen unto him. And contenting himself with these two
+things, to do all things justly, and whatsoever God doth send to like
+well of it: what others shall either say or think of him, or shall do
+against him, he doth not so much as trouble his thoughts with it. To go
+on straight, whither right and reason directed him, and by so doing to
+follow God, was the only thing that he did mind, that, his only business
+and occupation.
+
+XIII. What use is there of suspicion at all? or, why should thoughts
+of mistrust, and suspicion concerning that which is future, trouble thy
+mind at all? What now is to be done, if thou mayest search and inquiry
+into that, what needs thou care for more? And if thou art well able to
+perceive it alone, let no man divert thee from it. But if alone thou
+doest not so well perceive it, suspend thine action, and take advice
+from the best. And if there be anything else that doth hinder thee, go
+on with prudence and discretion, according to the present occasion
+and opportunity, still proposing that unto thyself, which thou doest
+conceive most right and just. For to hit that aright, and to speed in
+the prosecution of it, must needs be happiness, since it is that only
+which we can truly and properly be said to miss of, or miscarry in.
+
+XIV. What is that that is slow, and yet quick? merry, and yet grave? He
+that in all things doth follow reason for his guide.
+
+XV. In the morning as soon as thou art awaked, when thy judgment, before
+either thy affections, or external objects have wrought upon it, is yet
+most free and impartial: put this question to thyself, whether if that
+which is right and just be done, the doing of it by thyself, or by
+others when thou art not able thyself; be a thing material or no. For
+sure it is not. And as for these that keep such a life, and stand so
+much upon the praises, or dispraises of other men, hast thou forgotten
+what manner of men they be? that such and such upon their beds, and such
+at their board: what their ordinary actions are: what they pursue after,
+and what they fly from: what thefts and rapines they commit, if not with
+their hands and feet, yet with that more precious part of theirs, their
+minds: which (would it but admit of them) might enjoy faith, modesty,
+truth, justice, a good spirit.
+
+XVI. Give what thou wilt, and take away what thou wilt, saith he that is
+well taught and truly modest, to Him that gives, and takes away. And it
+is not out of a stout and peremptory resolution, that he saith it, but
+in mere love, and humble submission.
+
+XVII. So live as indifferent to the world and all worldly objects, as
+one who liveth by himself alone upon some desert hill. For whether here,
+or there, if the whole world be but as one town, it matters not much for
+the place. Let them behold and see a man, that is a man indeed, living
+according to the true nature of man. If they cannot bear with me, let
+them kill me. For better were it to die, than so to live as they would
+have thee.
+
+XVIII. Make it not any longer a matter of dispute or discourse, what are
+the signs and proprieties of a good man, but really and actually to be
+such.
+
+XIX. Ever to represent unto thyself; and to set before thee, both the
+general age and time of the world, and the whole substance of it. And
+how all things particular in respect of these are for their substance,
+as one of the least seeds that is: and for their duration, as the
+turning of the pestle in the mortar once about. Then to fix thy mind
+upon every particular object of the world, and to conceive it, (as it
+is indeed,) as already being in the state of dissolution, and of change;
+tending to some kind of either putrefaction or dispersion; or whatsoever
+else it is, that is the death as it were of everything in his own kind.
+
+XX. Consider them through all actions and occupations, of their lives:
+as when they eat, and when they sleep: when they are in the act of
+necessary exoneration, and when in the act of lust. Again, when they
+either are in their greatest exultation; and in the middle of all
+their pomp and glory; or being angry and displeased, in great state and
+majesty, as from an higher place, they chide and rebuke. How base and
+slavish, but a little while ago, they were fain to be, that they might
+come to this; and within a very little while what will be their estate,
+when death hath once seized upon them.
+
+XXI. That is best for every one, that the common nature of all doth send
+unto every one, and then is it best, when she doth send it.
+
+XXII. The earth, saith the poet, doth often long after the rain. So is
+the glorious sky often as desirous to fall upon the earth, which argues
+a mutual kind of love between them. And so (say I) doth the world bear
+a certain affection of love to whatsoever shall come to pass With thine
+affections shall mine concur, O world. The same (and no other) shall the
+object of my longing be which is of thine. Now that the world doth love
+it is true indeed so is it as commonly said, and acknowledged ledged,
+when, according to the Greek phrase, imitated by the Latins, of things
+that used to be, we say commonly, that they love to be.
+
+XXIII. Either thou dost Continue in this kind of life and that is it,
+which so long thou hast been used unto and therefore tolerable: or thou
+doest retire, or leave the world, and that of thine own accord, and then
+thou hast thy mind: or thy life is cut off; and then mayst thou
+rejoice that thou hast ended thy charge. One of these must needs be.
+Be therefore of good comfort.
+
+XXIV Let it always appear and be manifest unto thee that solitariness,
+and desert places, by many philosophers so much esteemed of and
+affected, are of themselves but thus and thus; and that all things are
+them to them that live in towns, and converse with others as they are
+the same nature everywhere to be seen and observed: to them that have
+retired themselves to the top of mountains, and to desert havens, or
+what other desert and inhabited places soever. For anywhere it thou wilt
+mayest thou quickly find and apply that to thyself; which Plato saith of
+his philosopher, in a place: as private and retired, saith he, as if he
+were shut up and enclosed about in some shepherd's lodge, on the top of
+a hill. There by thyself to put these questions to thyself or to enter
+in these considerations: What is my chief and principal part, which hath
+power over the rest? What is now the present estate of it, as I use it;
+and what is it, that I employ it about? Is it now void of reason ir no?
+Is it free, and separated; or so affixed, so congealed and grown
+together as it were with the flesh, that it is swayed by the motions and
+inclinations of it?
+
+XXV. He that runs away from his master is a fugitive. But the law is
+every man's master. He therefore that forsakes the law, is a fugitive.
+So is he, whosoever he be, that is either sorry, angry, or afraid, or
+for anything that either hath been, is, or shall be by his appointment,
+who is the Lord and Governor of the universe. For he truly and properly
+is Ξα½ΉΞΌΞΏΟ, or the law, as the only Ξ½α½³ΞΌΟΞ½, or distributor and dispenser
+of all things that happen unto any one in his lifetime--Whatsoever then
+is either sorry, angry, or afraid, is a fugitive.
+
+XXVI. From man is the seed, that once cast into the womb man hath no
+more to do with it. Another cause succeedeth, and undertakes the
+work, and in time brings a child (that wonderful effect from such a
+beginning!) to perfection. Again, man lets food down through his
+throat; and that once down, he hath no more to do with it. Another
+cause succeedeth and distributeth this food into the senses, and the
+affections: into life, and into strength; and doth with it those other
+many and marvellous things, that belong unto man. These things therefore
+that are so secretly and invisibly wrought and brought to pass, thou
+must use to behold and contemplate; and not the things themselves only,
+but the power also by which they are effected; that thou mayst behold
+it, though not with the eyes of the body, yet as plainly and visibly as
+thou canst see and discern the outward efficient cause of the depression
+and elevation of anything.
+
+XXVII. Ever to mind and consider with thyself; how all things that now
+are, have been heretofore much after the same sort, and after the same
+fashion that now they are: and so to think of those things which shall
+be hereafter also. Moreover, whole dramata, and uniform scenes, or
+scenes that comprehend the lives and actions of men of one calling and
+profession, as many as either in thine own experience thou hast known,
+or by reading of ancient histories; (as the whole court of Adrianus,
+the whole court of Antoninus Pius, the whole court of Philippus, that of
+Alexander, that of CrΕsus): to set them all before thine eyes. For thou
+shalt find that they are all but after one sort and fashion: only that
+the actors were others.
+
+XXVIII. As a pig that cries and flings when his throat is cut, fancy to
+thyself every one to be, that grieves for any worldly thing and takes
+on. Such a one is he also, who upon his bed alone, doth bewail
+the miseries of this our mortal life. And remember this, that Unto
+reasonable creatures only it is granted that they may willingly and
+freely submit unto Providence: but absolutely to submit, is a necessity
+imposed upon all creatures equally.
+
+XXIX. Whatsoever it is that thou goest about, consider of it by thyself,
+and ask thyself, What? because I shall do this no more when I am dead,
+should therefore death seem grievous unto me?
+
+XXX. When thou art offended with any man's transgression, presently
+reflect upon thyself; and consider what thou thyself art guilty of in
+the same kind. As that thou also perchance dost think it a happiness
+either to be rich, or to live in pleasure, or to be praised and
+commended, and so of the rest in particular. For this if thou shalt call
+to mind, thou shalt soon forget thine anger; especially when at the same
+time this also shall concur in thy thoughts, that he was constrained by
+his error and ignorance so to do: for how can he choose as long as he
+is of that opinion? Do thou therefore if thou canst, take away that from
+him, that forceth him to do as he doth.
+
+XXXI. When thou seest Satyro, think of Socraticus and Eutyches, or
+Hymen, and when Euphrates, think of Eutychio, and Sylvanus, when
+Alciphron, of Tropaeophorus, when Xenophon, of Crito, or Severus. And
+when thou doest look upon thyself, fancy unto thyself some one or other
+of the Cæsars; and so for every one, some one or other that hath been
+for estate and profession answerable unto him. Then let this come to thy
+mind at the same time; and where now are they all? Nowhere or anywhere?
+For so shalt thou at all time be able to perceive how all worldly
+things are but as the smoke, that vanisheth away: or, indeed, mere
+nothing. Especially when thou shalt call to mind this also, that
+whatsoever is once changed, shall never be again as long as the world
+endureth. And thou then, how long shalt thou endure? And why doth it not
+suffice thee, if virtuously, and as becometh thee, thou mayest pass that
+portion of time, how little soever it be, that is allotted unto thee?
+
+XXXII. What a subject, and what a course of life is it, that thou doest
+so much desire to be rid of. For all these things, what are they, but
+fit objects for an understanding, that beholdeth everything according to
+its true nature, to exercise itself upon? Be patient, therefore, until
+that (as a strong stomach that turns all things into his own nature; and
+as a great fire that turneth in flame and light, whatsoever thou doest
+cast into it) thou have made these things also familiar, and as it were
+natural unto thee.
+
+XXXIII. Let it not be in any man's power, to say truly of thee, that
+thou art not truly simple, or sincere and open, or not good. Let him be
+deceived whosoever he be that shall have any such opinion of thee. For
+all this doth depend of thee. For who is it that should hinder thee from
+being either truly simple or good? Do thou only resolve rather not to
+live, than not to be such. For indeed neither doth it stand with reason
+that he should live that is not such. What then is it that may upon this
+present occasion according to best reason and discretion, either be said
+or done? For whatsoever it be, it is in thy power either to do it, or
+to say it, and therefore seek not any pretences, as though thou wert
+hindered. Thou wilt never cease groaning and complaining, until such
+time as that, what pleasure is unto the voluptuous, be unto thee, to do
+in everything that presents itself, whatsoever may be done conformably
+and agreeably to the proper constitution of man, or, to man as he is a
+man. For thou must account that pleasure, whatsoever it be, that thou
+mayest do according to thine own nature. And to do this, every place
+will fit thee. Unto the _cylindrus_, or roller, it is not granted to
+move everywhere according to its own proper motion, as neither unto
+the water, nor unto the fire, nor unto any other thing, that either is
+merely natural, or natural and sensitive; but not rational for many
+things there be that can hinder their operations. But of the mind and
+understanding this is the proper privilege, that according to its own
+nature, and as it will itself, it can pass through every obstacle that
+it finds, and keep straight on forwards. Setting therefore before thine
+eyes this happiness and felicity of thy mind, whereby it is able to pass
+through all things, and is capable of all motions, whether as the fire,
+upwards; or as the stone downwards, or as the _cylindrus_ through that
+which is sloping: content thyself with it, and seek not after any other
+thing. For all other kind of hindrances that are not hindrances of thy
+mind either they are proper to the body, or merely proceed from the
+opinion, reason not making that resistance that it should, but basely,
+and cowardly suffering itself to be foiled; and of themselves can
+neither wound, nor do any hurt at all. Else must he of necessity,
+whosoever he be that meets with any of them, become worse than he was
+before. For so is it in all other subjects, that that is thought hurtful
+unto them, whereby they are made worse. But here contrariwise, man (if
+he make that good use of them that he should) is rather the better
+and the more praiseworthy for any of those kind of hindrances, than
+otherwise. But generally remember that nothing can hurt a natural
+citizen, that is not hurtful unto the city itself, nor anything hurt
+the city, that is not hurtful unto the law itself. But none of these
+casualties, or external hindrances, do hurt the law itself; or, are
+contrary to that course of justice and equity, by which public societies
+are maintained: neither therefore do they hurt either city or citizen.
+
+XXXIV. As he that is bitten by a mad dog, is afraid of everything almost
+that he seeth: so unto him, whom the dogmata have once bitten, or in
+whom true knowledge hath made an impression, everything almost that
+he sees or reads be it never so short or ordinary, doth afford a good
+memento; to put him out of all grief and fear, as that of the poet, 'The
+winds blow upon the trees, and their leaves fall upon the ground. Then
+do the trees begin to bud again, and by the spring-time they put forth
+new branches. So is the generation of men; some come into the world, and
+others go out of it.' Of these leaves then thy children are. And they
+also that applaud thee so gravely, or, that applaud thy speeches, with
+that their usual acclamation, αΌΞΎΞΉΞΏΟα½·ΟΟΟΟ, O wisely spoken I and speak
+well of thee, as on the other side, they that stick not to curse thee,
+they that privately and secretly dispraise and deride thee, they also
+are but leaves. And they also that shall follow, in whose memories
+the names of men famous after death, is preserved, they are but leaves
+neither. For even so is it of all these worldly things. Their spring
+comes, and they are put forth. Then blows the wind, and they go down.
+And then in lieu of them grow others out of the wood or common matter
+of all things, like unto them. But, to endure but for a while, is common
+unto all. Why then shouldest thou so earnestly either seek after these
+things, or fly from them, as though they should endure for ever? Yet a
+little while, and thine eyes will be closed up, and for him that carries
+thee to thy grave shall another mourn within a while after.
+
+XXXV. A good eye must be good to see whatsoever is to be seen, and not
+green things only. For that is proper to sore eyes. So must a good
+ear, and a good smell be ready for whatsoever is either to be heard,
+or smelt: and a good stomach as indifferent to all kinds of food, as
+a millstone is, to whatsoever she was made for to grind. As ready
+therefore must a sound understanding be for whatsoever shall happen. But
+he that saith, O that my children might live! and, O that all men might
+commend me for whatsoever I do! is an eye that seeks after green things;
+or as teeth, after that which is tender.
+
+XXXVI. There is not any man that is so happy in his death, but that some
+of those that are by him when he dies, will be ready to rejoice at his
+supposed calamity. Is it one that was virtuous and wise indeed? will
+there not some one or other be found, who thus will say to himself;
+'Well now at last shall I be at rest from this pedagogue. He did not
+indeed otherwise trouble us much: but I know well enough that in his
+heart, he did much condemn us.' Thus will they speak of the virtuous.
+But as for us, alas I how many things be there, for which there be many
+that glad would be to be rid of us. This therefore if thou shalt think
+of whensoever thou diest, thou shalt die the more willingly, when thou
+shalt think with thyself; I am now to depart from that world, wherein
+those that have been my nearest friends and acquaintances, they whom I
+have so much suffered for, so often prayed for, and for whom I have
+taken such care, even they would have me die, hoping that after my death
+they shall live happier, than they did before. What then should any man
+desire to continue here any longer? Nevertheless, whensoever thou diest,
+thou must not be less kind and loving unto them for it; but as before,
+see them, continue to be their friend, to wish them well, and meekly,
+and gently to carry thyself towards them, but yet so that on the other
+side, it make thee not the more unwilling to die. But as it fareth with
+them that die an easy quick death, whose soul is soon separated from
+their bodies, so must thy separation from them be. To these had nature
+joined and annexed me: now she parts us; I am ready to depart, as from
+friends and kinsmen, but yet without either reluctancy or compulsion.
+For this also is according to Nature.
+
+XXXVII. Use thyself; as often, as thou seest any man do anything,
+presently (if it be possible) to say unto thyself, What is this man's
+end in this his action? But begin this course with thyself first of all,
+and diligently examine thyself concerning whatsoever thou doest.
+
+XXXVIII. Remember, that that which sets a man at work, and hath power
+over the affections to draw them either one way, or the other way, is
+not any external thing properly, but that which is hidden within every
+man's dogmata, and opinions: That, that is rhetoric; that is life; that
+(to speak true) is man himself. As for thy body, which as a vessel, or
+a case, compasseth thee about, and the many and curious instruments
+that it hath annexed unto it, let them not trouble thy thoughts. For
+of themselves they are but as a carpenter's axe, but that they are born
+with us, and naturally sticking unto us. But otherwise, without the
+inward cause that hath power to move them, and to restrain them, those
+parts are of themselves of no more use unto us, than the shuttle is
+of itself to the weaver, or the pen to the writer, or the whip to the
+coachman.
+
+
+
+
+THE ELEVENTH BOOK
+
+
+I. The natural properties, and privileges of a reasonable soul are: That
+she seeth herself; that she can order, and compose herself: that
+she makes herself as she will herself: that she reaps her own fruits
+whatsoever, whereas plants, trees, unreasonable creatures, what fruit
+soever (be it either fruit properly, or analogically only) they bear,
+they bear them unto others, and not to themselves. Again; whensoever,
+and wheresoever, sooner or later, her life doth end, she hath her own
+end nevertheless. For it is not with her, as with dancers and players,
+who if they be interrupted in any part of their action, the whole action
+must needs be imperfect: but she in what part of time or action soever
+she be surprised, can make that which she hath in her hand whatsoever it
+be, complete and full, so that she may depart with that comfort, 'I have
+lived; neither want I anything of that which properly did belong unto
+me.' Again, she compasseth the whole world, and penetrateth into the
+vanity, and mere outside (wanting substance and solidity) of it, and
+stretcheth herself unto the infiniteness of eternity; and the revolution
+or restoration of all things after a certain period of time, to the same
+state and place as before, she fetcheth about, and doth comprehend in
+herself; and considers withal, and sees clearly this, that neither they
+that shall follow us, shall see any new thing, that we have not seen,
+nor they that went before, anything more than we: but that he that is
+once come to forty (if he have any wit at all) can in a manner (for
+that they are all of one kind) see all things, both past and future. As
+proper is it, and natural to the soul of man to love her neighbour, to
+be true and modest; and to regard nothing so much as herself: which is
+also the property of the law: whereby by the way it appears, that sound
+reason and justice comes all to one, and therefore that justice is the
+chief thing, that reasonable creatures ought to propose unto themselves
+as their end.
+
+II. A pleasant song or dance; the Pancratiast's exercise, sports that
+thou art wont to be much taken with, thou shalt easily contemn; if
+the harmonious voice thou shalt divide into so many particular sounds
+whereof it doth consist, and of every one in particular shall ask
+thyself; whether this or that sound is it, that doth so conquer thee.
+For thou wilt be ashamed of it. And so for shame, if accordingly thou
+shalt consider it, every particular motion and posture by itself: and
+so for the wrestler's exercise too. Generally then, whatsoever it be,
+besides virtue, and those things that proceed from virtue that thou art
+subject to be much affected with, remember presently thus to divide
+it, and by this kind of division, in each particular to attain unto the
+contempt of the whole. This thou must transfer and apply to thy whole
+life also.
+
+III. That soul which is ever ready, even now presently (if need be) from
+the body, whether by way of extinction, or dispersion, or continuation
+in another place and estate to be separated, how blessed and happy is
+it! But this readiness of it, it must proceed, not from an obstinate and
+peremptory resolution of the mind, violently and passionately set upon
+Opposition, as Christians are wont; but from a peculiar judgment; with
+discretion and gravity, so that others may be persuaded also and drawn
+to the like example, but without any noise and passionate exclamations.
+
+IV. Have I done anything charitably? then am I benefited by it. See
+that this upon all occasions may present itself unto thy mind, and never
+cease to think of it. What is thy profession? to be good. And how should
+this be well brought to pass, but by certain theorems and doctrines;
+some Concerning the nature of the universe, and some Concerning the
+proper and particular constitution of man?
+
+V. Tragedies were at first brought in and instituted, to put men in mind
+of worldly chances and casualties: that these things in the ordinary
+course of nature did so happen: that men that were much pleased and
+delighted by such accidents upon this stage, would not by the same
+things in a greater stage be grieved and afflicted: for here you see
+what is the end of all such things; and that even they that cry out
+so mournfully to Cithaeron, must bear them for all their cries and
+exclamations, as well as others. And in very truth many good things are
+spoken by these poets; as that (for example) is an excellent passage:
+'But if so be that I and my two children be neglected by the Gods, they
+have some reason even for that,' &c. And again, 'It will but little
+avail thee to storm and rage against the things themselves,' &c. Again,
+'To reap one's life, as a ripe ear of corn;' and whatsoever else is
+to be found in them, that is of the same kind. After the tragedy, the
+ancient comedy was brought in, which had the liberty to inveigh against
+personal vices; being therefore through this her freedom and liberty
+of speech of very good use and effect, to restrain men from pride
+and arrogancy. To which end it was, that Diogenes took also the same
+liberty. After these, what were either the Middle, or New Comedy
+admitted for, but merely, (Or for the most part at least) for the
+delight and pleasure of curious and excellent imitation? 'It will steal
+away; look to it,' &c. Why, no man denies, but that these also have some
+good things whereof that may be one: but the whole drift and foundation
+of that kind of dramatical poetry, what is it else, but as we have said?
+
+VI. How clearly doth it appear unto thee, that no other course of thy
+life could fit a true philosopher's practice better, than this very
+course, that thou art now already in?
+
+VII. A branch cut off from the continuity of that which was next unto
+it, must needs be cut off from the whole tree: so a man that is divided
+from another man, is divided from the whole society. A branch is cut off
+by another, but he that hates and is averse, cuts himself off from his
+neighbour, and knows not that at the same time he divides himself from
+the whole body, or corporation. But herein is the gift and mercy of God,
+the Author of this society, in that, once cut off we may grow together
+and become part of the whole again. But if this happen often the misery
+is that the further a man is run in this division, the harder he is to
+be reunited and restored again: and however the branch which, once cut
+of afterwards was graffed in, gardeners can tell you is not like that
+which sprouted together at first, and still continued in the unity of
+the body.
+
+VIII. To grow together like fellow branches in matter of good
+correspondence and affection; but not in matter of opinions. They that
+shall oppose thee in thy right courses, as it is not in their power to
+divert thee from thy good action, so neither let it be to divert thee
+from thy good affection towards them. But be it thy care to keep thyself
+constant in both; both in a right judgment and action, and in true
+meekness towards them, that either shall do their endeavour to hinder
+thee, or at least will be displeased with thee for what thou hast done.
+For to fail in either (either in the one to give over for fear, or in
+the other to forsake thy natural affection towards him, who by nature is
+both thy friend and thy kinsman) is equally base, and much savouring of
+the disposition of a cowardly fugitive soldier.
+
+IX. It is not possible that any nature should be inferior unto art,
+since that all arts imitate nature. If this be so; that the most perfect
+and general nature of all natures should in her operation come short of
+the skill of arts, is most improbable. Now common is it to all arts, to
+make that which is worse for the better's sake. Much more then doth the
+common nature do the same. Hence is the first ground of justice. From
+justice all other virtues have their existence. For justice cannot be
+preserved, if either we settle our minds and affections upon worldly
+things; or be apt to be deceived, or rash, and inconstant.
+
+X. The things themselves (which either to get or to avoid thou art put
+to so much trouble) come not unto thee themselves; but thou in a manner
+goest unto them. Let then thine own judgment and opinion concerning
+those things be at rest; and as for the things themselves, they stand
+still and quiet, without any noise or stir at all; and so shall all
+pursuing and flying cease.
+
+XI. Then is the soul as Empedocles doth liken it, like unto a sphere or
+globe, when she is all of one form and figure: when she neither greedily
+stretcheth out herself unto anything, nor basely contracts herself, or
+lies flat and dejected; but shineth all with light, whereby she does see
+and behold the true nature, both that of the universe, and her own in
+particular.
+
+XII. Will any contemn me? let him look to that, upon what grounds he
+does it: my care shall be that I may never be found either doing or
+speaking anything that doth truly deserve contempt. Will any hate me?
+let him look to that. I for my part will be kind and loving unto all,
+and even unto him that hates me, whom-soever he be, will I be ready to
+show his error, not by way of exprobation or ostentation of my patience,
+but ingenuously and meekly: such as was that famous Phocion, if so be
+that he did not dissemble. For it is inwardly that these things must be:
+that the Gods who look inwardly, and not upon the outward appearance,
+may behold a man truly free from all indignation and grief. For what
+hurt can it be unto thee whatsoever any man else doth, as long as thou
+mayest do that which is proper and suitable to thine own nature? Wilt
+not thou (a man wholly appointed to be both what, and as the common good
+shall require) accept of that which is now seasonable to the nature
+of the universe?
+
+XIII. They contemn one another, and yet they seek to please one another:
+and whilest they seek to surpass one another in worldly pomp and
+greatness, they most debase and prostitute themselves in their better
+part one to another.
+
+XIV. How rotten and insincere is he, that saith, I am resolved to carry
+myself hereafter towards you with all ingenuity and simplicity. O man,
+what doest thou mean! what needs this profession of thine? the thing
+itself will show it. It ought to be written upon thy forehead. No sooner
+thy voice is heard, than thy countenance must be able to show what is in
+thy mind: even as he that is loved knows presently by the looks of his
+sweetheart what is in her mind. Such must he be for all the world, that
+is truly simple and good, as he whose arm-holes are offensive, that
+whosoever stands by, as soon as ever he comes near him, may as it were
+smell him whether he will or no. But the affectation of simplicity
+is nowise laudable. There is nothing more shameful than perfidious
+friendship. Above all things, that must be avoided. However true
+goodness, simplicity, and kindness cannot so be hidden, but that as
+we have already said in the very eyes and countenance they will show
+themselves.
+
+XV. To live happily is an inward power of the soul, when she is affected
+with indifferency, towards those things that are by their nature
+indifferent. To be thus affected she must consider all worldly objects
+both divided and whole: remembering withal that no object can of itself
+beget any opinion in us, neither can come to us, but stands without
+still and quiet; but that we ourselves beget, and as it were print in
+ourselves opinions concerning them. Now it is in our power, not to print
+them; and if they creep in and lurk in some corner, it is in our
+power to wipe them off. Remembering moreover, that this care and
+circumspection of thine, is to continue but for a while, and then thy
+life will be at an end. And what should hinder, but that thou mayest do
+well with all these things? For if they be according to nature, rejoice
+in them, and let them be pleasing and acceptable unto thee. But if
+they be against nature, seek thou that which is according to thine own
+nature, and whether it be for thy credit or no, use all possible speed
+for the attainment of it: for no man ought to be blamed, for seeking his
+own good and happiness.
+
+XVI. Of everything thou must consider from whence it came, of what
+things it doth consist, and into what it will be changed: what will be
+the nature of it, or what it will be like unto when it is changed; and
+that it can suffer no hurt by this change. And as for other men's either
+foolishness or wickedness, that it may not trouble and grieve thee;
+first generally thus; What reference have I unto these? and that we are
+all born for one another's good: then more particularly after another
+consideration; as a ram is first in a flock of sheep, and a bull in a
+herd of cattle, so am I born to rule over them. Begin yet higher, even
+from this: if atoms be not the beginning of all things, than which to
+believe nothing can be more absurd, then must we needs grant that there
+is a nature, that doth govern the universe. If such a nature, then are
+all worse things made for the better's sake; and all better for one
+another's sake. Secondly, what manner of men they be, at board, and upon
+their beds, and so forth. But above all things, how they are forced by
+their opinions that they hold, to do what they do; and even those things
+that they do, with what pride and self-conceit they do them. Thirdly,
+that if they do these things rightly, thou hast no reason to be grieved.
+But if not rightly, it must needs be that they do them against their
+wills, and through mere ignorance. For as, according to Plato's opinion,
+no soul doth willingly err, so by consequent neither doth it anything
+otherwise than it ought, but against her will. Therefore are they
+grieved, whensoever they hear themselves charged, either of injustice,
+or unconscionableness, or covetousness, or in general, of any injurious
+kind of dealing towards their neighbours. Fourthly, that thou thyself
+doest transgress in many things, and art even such another as they are.
+And though perchance thou doest forbear the very act of some sins, yet
+hast thou in thyself an habitual disposition to them, but that either
+through fear, or vainglory, or some such other ambitious foolish
+respect, thou art restrained. Fifthly, that whether they have sinned or
+no, thou doest not understand perfectly. For many things are done by
+way of discreet policy; and generally a man must know many things
+first, before he be able truly and judiciously to judge of another
+man's action. Sixthly, that whensoever thou doest take on grievously, or
+makest great woe, little doest thou remember then that a man's life is
+but for a moment of time, and that within a while we shall all be in our
+graves. Seventhly, that it is not the sins and transgressions themselves
+that trouble us properly; for they have their existence in their
+minds and understandings only, that commit them; but our own opinions
+concerning those sins. Remove then, and be content to part with that
+conceit of thine, that it is a grievous thing, and thou hast removed
+thine anger. But how should I remove it? How? reasoning with thyself
+that it is not shameful. For if that which is shameful, be not the only
+true evil that is, thou also wilt be driven whilest thou doest follow
+the common instinct of nature, to avoid that which is evil, to commit
+many unjust things, and to become a thief, and anything, that will
+make to the attainment of thy intended worldly ends. Eighthly, how many
+things may and do oftentimes follow upon such fits of anger and grief;
+far more grievous in themselves, than those very things which we are so
+grieved or angry for. Ninthly, that meekness is a thing unconquerable,
+if it be true and natural, and not affected or hypocritical. For how
+shall even the most fierce and malicious that thou shalt conceive, be
+able to hold on against thee, if thou shalt still continue meek and
+loving unto him; and that even at that time, when he is about to do
+thee wrong, thou shalt be well disposed, and in good temper, with all
+meekness to teach him, and to instruct him better? As for example; My
+son, we were not born for this, to hurt and annoy one another; it will
+be thy hurt not mine, my son: and so to show him forcibly and fully,
+that it is so in very deed: and that neither bees do it one to another,
+nor any other creatures that are naturally sociable. But this thou must
+do, not scoffingly, not by way of exprobation, but tenderly without
+any harshness of words. Neither must thou do it by way of exercise, or
+ostentation, that they that are by and hear thee, may admire thee: but
+so always that nobody be privy to it, but himself alone: yea, though
+there be more present at the same time. These nine particular heads, as
+so many gifts from the Muses, see that thou remember well: and begin one
+day, whilest thou art yet alive, to be a man indeed. But on the other
+side thou must take heed, as much to flatter them, as to be angry with
+them: for both are equally uncharitable, and equally hurtful. And in thy
+passions, take it presently to thy consideration, that to be angry is
+not the part of a man, but that to be meek and gentle, as it savours of
+more humanity, so of more manhood. That in this, there is strength
+and nerves, or vigour and fortitude: whereof anger and indignation is
+altogether void. For the nearer everything is unto unpassionateness,
+the nearer it is unto power. And as grief doth proceed from weakness,
+so doth anger. For both, both he that is angry and that grieveth, have
+received a wound, and cowardly have as it were yielded themselves unto
+their affections. If thou wilt have a tenth also, receive this tenth
+gift from Hercules the guide and leader of the Muses: that is a mad
+man's part, to look that there should be no wicked men in the world,
+because it is impossible. Now for a man to brook well enough, that there
+should be wicked men in the world, but not to endure that any
+should transgress against himself, is against all equity, and indeed
+tyrannical.
+
+XVII. Four several dispositions or inclinations there be of the mind and
+understanding, which to be aware of, thou must carefully observe: and
+whensoever thou doest discover them, thou must rectify them, saying to
+thyself concerning every one of them, This imagination is not necessary;
+this is uncharitable: this thou shalt speak as another man's slave, or
+instrument; than which nothing can be more senseless and absurd: for
+the fourth, thou shalt sharply check and upbraid thyself; for that
+thou doest suffer that more divine part in thee, to become subject and
+obnoxious to that more ignoble part of thy body, and the gross lusts
+and concupiscences thereof.
+
+XVIII. What portion soever, either of air or fire there be in thee,
+although by nature it tend upwards, submitting nevertheless to the
+ordinance of the universe, it abides here below in this mixed body. So
+whatsoever is in thee, either earthy, or humid, although by nature it
+tend downwards, yet is it against its nature both raised upwards, and
+standing, or consistent. So obedient are even the elements themselves to
+the universe, abiding patiently wheresoever (though against their
+nature) they are placed, until the sound as it were of their retreat,
+and separation. Is it not a grievous thing then, that thy reasonable
+part only should be disobedient, and should not endure to keep its
+place: yea though it be nothing enjoined that is contrary unto it, but
+that only which is according to its nature? For we cannot say of it when
+it is disobedient, as we say of the fire, or air, that it tends upwards
+towards its proper element, for then goes it the quite contrary way. For
+the motion of the mind to any injustice, or incontinency, or to sorrow,
+or to fear, is nothing else but a separation from nature. Also when the
+mind is grieved for anything that is happened by the divine providence,
+then doth it likewise forsake its own place. For it was ordained unto
+holiness and godliness, which specially consist in an humble submission
+to God and His providence in all things; as well as unto justice: these
+also being part of those duties, which as naturally sociable, we are
+bound unto; and without which we cannot happily converse one with
+another: yea and the very ground and fountain indeed of all just
+actions.
+
+XIX. He that hath not one and the self-same general end always as long
+as he liveth, cannot possibly be one and the self-same man always. But
+this will not suffice except thou add also what ought to be this general
+end. For as the general conceit and apprehension of all those things
+which upon no certain ground are by the greater part of men deemed good,
+cannot be uniform and agreeable, but that only which is limited and
+restrained by some certain proprieties and conditions, as of community:
+that nothing be conceived good, which is not commonly and publicly
+good: so must the end also that we propose unto ourselves, be common
+and sociable. For he that doth direct all his own private motions and
+purposes to that end, all his actions will be agreeable and uniform; and
+by that means will be still the same man.
+
+XX. Remember the fable of the country mouse and the city mouse, and the
+great fright and terror that this was put into.
+
+XXI. Socrates was wont to call the common conceits and opinions of men,
+the common bugbears of the world: the proper terror of silly children.
+
+XXII. The Lacedæmonians at their public spectacles were wont to appoint
+seats and forms for their strangers in the shadow, they themselves were
+content to sit anywhere.
+
+XXIII. What Socrates answered unto Perdiccas, why he did not come unto
+him, Lest of all deaths I should die the worst kind of death, said he:
+that is, not able to requite the good that hath been done unto me.
+
+XXIV. In the ancient mystical letters of the Ephesians, there was an
+item, that a man should always have in his mind some one or other of the
+ancient worthies.
+
+XXV. The Pythagoreans were wont betimes in the morning the first thing
+they did, to look up unto the heavens, to put themselves in mind of them
+who constantly and invariably did perform their task: as also to put
+themselves in mind of orderliness, or good order, and of purity, and of
+naked simplicity. For no star or planet hath any cover before it.
+
+XXVI. How Socrates looked, when he was fain to gird himself with a
+skin, Xanthippe his wife having taken away his clothes, and carried them
+abroad with her, and what he said to his fellows and friends, who were
+ashamed; and out of respect to him, did retire themselves when they saw
+him thus decked.
+
+XXVII. In matter of writing or reading thou must needs be taught before
+thou can do either: much more in matter of life. 'For thou art born a
+mere slave, to thy senses and brutish affections;' destitute without
+teaching of all true knowledge and sound reason.
+
+XXVIII. 'My heart smiled within me.' 'They will accuse even virtue
+herself; with heinous and opprobrious words.'
+
+XXIX. As they that long after figs in winter when they cannot be had; so
+are they that long after children, before they be granted them.
+
+XXX. 'As often as a father kisseth his child, he should say secretly
+with himself' (said Epictetus,) 'tomorrow perchance shall he die.' But
+these words be ominous. No words ominous (said he) that signify anything
+that is natural: in very truth and deed not more ominous than this, 'to
+cut down grapes when they are ripe.' Green grapes, ripe grapes, dried
+grapes, or raisins: so many changes and mutations of one thing, not into
+that which was not absolutely, but rather so many several changes and
+mutations, not into that which hath no being at all, but into that which
+is not yet in being.
+
+XXXI. 'Of the free will there is no thief or robber:' out of Epictetus;
+Whose is this also: that we should find a certain art and method of
+assenting; and that we should always observe with great care and heed
+the inclinations of our minds, that they may always be with their due
+restraint and reservation, always charitable, and according to the
+true worth of every present object. And as for earnest longing, that we
+should altogether avoid it: and to use averseness in those things only,
+that wholly depend of our own wills. It is not about ordinary petty
+matters, believe it, that all our strife and contention is, but whether,
+with the vulgar, we should be mad, or by the help of philosophy wise and
+sober, said he. XXXII. Socrates said, 'What will you have? the souls of
+reasonable, or unreasonable creatures? Of reasonable. But what? Of those
+whose reason is sound and perfect? or of those whose reason is vitiated
+and corrupted? Of those whose reason is sound and perfect. Why then
+labour ye not for such? Because we have them already. What then do ye so
+strive and contend between you?'
+
+
+
+
+THE TWELFTH BOOK
+
+
+I. Whatsoever thou doest hereafter aspire unto, thou mayest even now
+enjoy and possess, if thou doest not envy thyself thine own happiness.
+And that will be, if thou shalt forget all that is past, and for the
+future, refer thyself wholly to the Divine Providence, and shalt bend
+and apply all thy present thoughts and intentions to holiness and
+righteousness. To holiness, in accepting willingly whatsoever is sent
+by the Divine Providence, as being that which the nature of the universe
+hath appointed unto thee, which also hath appointed thee for that,
+whatsoever it be. To righteousness, in speaking the truth freely, and
+without ambiguity; and in doing all things justly and discreetly. Now in
+this good course, let not other men's either wickedness, or opinion, or
+voice hinder thee: no, nor the sense of this thy pampered mass of flesh:
+for let that which suffers, look to itself. If therefore whensoever the
+time of thy departing shall come, thou shalt readily leave all things,
+and shalt respect thy mind only, and that divine part of thine, and this
+shall be thine only fear, not that some time or other thou shalt cease
+to live, but thou shalt never begin to live according to nature: then
+shalt thou be a man indeed, worthy of that world, from which thou hadst
+thy beginning; then shalt thou cease to be a stranger in thy country,
+and to wonder at those things that happen daily, as things strange and
+unexpected, and anxiously to depend of divers things that are not in thy
+power.
+
+II. God beholds our minds and understandings, bare and naked from these
+material vessels, and outsides, and all earthly dross. For with His
+simple and pure understanding, He pierceth into our inmost and purest
+parts, which from His, as it were by a water pipe and channel, first
+flowed and issued. This if thou also shalt use to do, thou shalt
+rid thyself of that manifold luggage, wherewith thou art round about
+encumbered. For he that does regard neither his body, nor his clothing,
+nor his dwelling, nor any such external furniture, must needs gain unto
+himself great rest and ease. Three things there be in all, which thou
+doest consist of; thy body, thy life, and thy mind. Of these the two
+former, are so far forth thine, as that thou art bound to take care for
+them. But the third alone is that which is properly thine. If then thou
+shalt separate from thyself, that is from thy mind, whatsoever other men
+either do or say, or whatsoever thou thyself hast heretofore either
+done or said; and all troublesome thoughts concerning the future, and
+whatsoever, (as either belonging to thy body or life:) is without the
+jurisdiction of thine own will, and whatsoever in the ordinary course
+of human chances and accidents doth happen unto thee; so that thy
+mind (keeping herself loose and free from all outward coincidental
+entanglements; always in a readiness to depart:) shall live by herself,
+and to herself, doing that which is just, accepting whatsoever doth
+happen, and speaking the truth always; if, I say, thou shalt separate
+from thy mind, whatsoever by sympathy might adhere unto it, and all time
+both past and future, and shalt make thyself in all points and respects,
+like unto Empedocles his allegorical sphere, 'all round and circular,'
+&c., and shalt think of no longer life than that which is now present:
+then shalt thou be truly able to pass the remainder of thy days without
+troubles and distractions; nobly and generously disposed, and in good
+favour and correspondency, with that spirit which is within thee.
+
+III. I have often wondered how it should come to pass, that every man
+loving himself best, should more regard other men's opinions concerning
+himself than his own. For if any God or grave master standing by,
+should command any of us to think nothing by himself but what he should
+presently speak out; no man were able to endure it, though but for one
+day. Thus do we fear more what our neighbours will think of us, than
+what we ourselves.
+
+IV. how come it to pass that the Gods having ordered all other things
+so well and so lovingly, should be overseen in this one only thing, that
+whereas then hath been some very good men that have made many covenants
+as it were with God and by many holy actions and outward services
+contracted a kind of familiarity with Him; that these men when once they
+are dead, should never be restored to life, but be extinct for ever. But
+this thou mayest be sure of, that this (if it be so indeed) would
+never have been so ordered by the Gods, had it been fit otherwise. For
+certainly it was possible, had it been more just so and had it been
+according to nature, the nature of the universe would easily have borne
+it. But now because it is not so, (if so be that it be not so indeed) be
+therefore confident that it was not fit it should be so for thou seest
+thyself, that now seeking after this matter, how freely thou doest argue
+and contest with God. But were not the Gods both just and good in the
+highest degree, thou durst not thus reason with them. Now if just and
+good, it could not be that in the creation of the world, they should
+either unjustly or unreasonably oversee anything.
+
+V. Use thyself even unto those things that thou doest at first despair
+of. For the left hand we see, which for the most part lieth idle because
+not used; yet doth it hold the bridle with more strength than the right,
+because it hath been used unto it.
+
+VI. Let these be the objects of thy ordinary meditation: to consider,
+what manner of men both for soul and body we ought to be, whensoever
+death shall surprise us: the shortness of this our mortal life: the
+immense vastness of the time that hath been before, and will he after
+us: the frailty of every worldly material object: all these things to
+consider, and behold clearly in themselves, all disguisement of external
+outside being removed and taken away. Again, to consider the efficient
+causes of all things: the proper ends and references of all actions:
+what pain is in itself; what pleasure, what death: what fame or
+honour, how every man is the true and proper ground of his own rest and
+tranquillity, and that no man can truly be hindered by any other: that
+all is but conceit and opinion. As for the use of thy dogmata, thou must
+carry thyself in the practice of them, rather like unto a pancratiastes,
+or one that at the same time both fights and wrestles with hands and
+feet, than a gladiator. For this, if he lose his sword that he fights
+with, he is gone: whereas the other hath still his hand free, which he
+may easily turn and manage at his will.
+
+VII. All worldly things thou must behold and consider, dividing them
+into matter, form, and reference, or their proper end.
+
+VIII. How happy is man in this his power that hath been granted unto
+him: that he needs not do anything but what God shall approve, and
+that he may embrace contentedly, whatsoever God doth send unto him?
+
+IX. Whatsoever doth happen in the ordinary course and consequence of
+natural events, neither the Gods, (for it is not possible, that they
+either wittingly or unwittingly should do anything amiss) nor men, (for
+it is through ignorance, and therefore against their wills that they do
+anything amiss) must be accused. None then must be accused.
+
+X. How ridiculous and strange is he, that wonders at anything that
+happens in this life in the ordinary course of nature!
+
+XI. Either fate, (and that either an absolute necessity, and unavoidable
+decree; or a placable and flexible Providence) or all is a mere
+casual confusion, void of all order and government. If an absolute and
+unavoidable necessity, why doest thou resist? If a placable and exorable
+Providence, make thyself worthy of the divine help and assistance. If
+all be a mere confusion without any moderator, or governor, then hast
+thou reason to congratulate thyself; that in such a general flood of
+confusion thou thyself hast obtained a reasonable faculty, whereby thou
+mayest govern thine own life and actions. But if thou beest carried
+away with the flood, it must be thy body perchance, or thy life, or some
+other thing that belongs unto them that is carried away: thy mind and
+understanding cannot. Or should it be so, that the light of a candle
+indeed is still bright and lightsome until it be put out: and should
+truth, and righteousness, and temperance cease to shine in thee whilest
+thou thyself hast any being?
+
+XII. At the conceit and apprehension that such and such a one hath
+sinned, thus reason with thyself; What do I know whether this be a sin
+indeed, as it seems to be? But if it be, what do I know but that he
+himself hath already condemned himself for it? And that is all one as
+if a man should scratch and tear his own face, an object of compassion
+rather than of anger. Again, that he that would not have a vicious man
+to sin, is like unto him that would not have moisture in the fig, nor
+children to welp nor a horse to neigh, nor anything else that in the
+course of nature is necessary. For what shall he do that hath such an
+habit? If thou therefore beest powerful and eloquent, remedy it if thou
+canst.
+
+XIII. If it be not fitting, do it not. If it be not true, speak it not.
+Ever maintain thine own purpose and resolution free from all compulsion
+and necessity.
+
+XIV. Of everything that presents itself unto thee, to consider what the
+true nature of it is, and to unfold it, as it were, by dividing it into
+that which is formal: that which is material: the true use or end of it,
+and the just time that it is appointed to last.
+
+XV. It is high time for thee, to understand that there is somewhat in
+thee, better and more divine than either thy passions, or thy sensual
+appetites and affections. What is now the object of my mind, is it fear,
+or suspicion, or lust, or any such thing? To do nothing rashly without
+some certain end; let that be thy first care. The next, to have no other
+end than the common good. For, alas! yet a little while, and thou art no
+more: no more will any, either of those things that now thou seest, or
+of those men that now are living, be any more. For all things are by
+nature appointed soon to be changed, turned, and corrupted, that other
+things might succeed in their room.
+
+XVI. Remember that all is but opinion, and all opinion depends of the
+mind. Take thine opinion away, and then as a ship that hath stricken
+in within the arms and mouth of the harbour, a present calm; all things
+safe and steady: a bay, not capable of any storms and tempests: as the
+poet hath it.
+
+XVII. No operation whatsoever it he, ceasing for a while, can be truly
+said to suffer any evil, because it is at an end. Neither can he that
+is the author of that operation; for this very respect, because his
+operation is at an end, be said to suffer any evil. Likewise then,
+neither can the whole body of all our actions (which is our life) if in
+time it cease, be said to suffer any evil for this very reason, because
+it is at an end; nor he truly be said to have been ill affected, that
+did put a period to this series of actions. Now this time or certain
+period, depends of the determination of nature: sometimes of particular
+nature, as when a man dieth old; but of nature in general, however; the
+parts whereof thus changing one after another, the whole world still
+continues fresh and new. Now that is ever best and most seasonable,
+which is for the good of the whole. Thus it appears that death of
+itself can neither be hurtful to any in particular, because it is not a
+shameful thing (for neither is it a thing that depends of our own will,
+nor of itself contrary to the common good) and generally, as it is both
+expedient and seasonable to the whole, that in that respect it must
+needs be good. It is that also, which is brought unto us by the order
+and appointment of the Divine Providence; so that he whose will and
+mind in these things runs along with the Divine ordinance, and by this
+concurrence of his will and mind with the Divine Providence, is led
+and driven along, as it were by God Himself; may truly be termed and
+esteemed the θΡοΟα½ΉΟΞ·ΟΞΏΟ, or divinely led and inspired.
+
+XVIII. These three things thou must have always in a readiness: first
+concerning thine own actions, whether thou doest nothing either idly,
+or otherwise, than justice and equity do require: and concerning those
+things that happen unto thee externally, that either they happen unto
+thee by chance, or by providence; of which two to accuse either, is
+equally against reason. Secondly, what like unto our bodies are
+whilest yet rude and imperfect, until they be animated: and from their
+animation, until their expiration: of what things they are compounded,
+and into what things they shall be dissolved. Thirdly, how vain all
+things will appear unto thee when, from on high as it were, looking
+down thou shalt contemplate all things upon earth, and the wonderful
+mutability, that they are subject unto: considering withal, the infinite
+both greatness and variety of things aerial and things celestial that
+are round about it. And that as often as thou shalt behold them, thou
+shalt still see the same: as the same things, so the same shortness of
+continuance of all those things. And, behold, these be the things that
+we are so proud and puffed up for.
+
+XIX. Cast away from thee opinion, and thou art safe. And what is it that
+hinders thee from casting of it away? When thou art grieved at anything,
+hast thou forgotten that all things happen according to the nature
+of the universe; and that him only it concerns, who is in fault; and
+moreover, that what is now done, is that which from ever hath been done
+in the world, and will ever be done, and is now done everywhere: how
+nearly all men are allied one to another by a kindred not of blood, nor
+of seed, but of the same mind. Thou hast also forgotten that every man's
+mind partakes of the Deity, and issueth from thence; and that no man can
+properly call anything his own, no not his son, nor his body, nor his
+life; for that they all proceed from that One who is the giver of all
+things: that all things are but opinion; that no man lives properly, but
+that very instant of time which is now present. And therefore that no
+man whensoever he dieth can properly be said to lose any more, than an
+instant of time.
+
+XX. Let thy thoughts ever run upon them, who once for some one thing or
+other, were moved with extraordinary indignation; who were once in
+the highest pitch of either honour, or calamity; or mutual hatred and
+enmity; or of any other fortune or condition whatsoever. Then consider
+what's now become of all those things. All is turned to smoke; all to
+ashes, and a mere fable; and perchance not so much as a fable. As also
+whatsoever is of this nature, as Fabius Catulinus in the field; Lucius
+Lupus, and Stertinius, at Baiæ Tiberius at Capreæ and Velius Rufus,
+and all such examples of vehement prosecution in worldly matters; let
+these also run in thy mind at the same time; and how vile every object
+of such earnest and vehement prosecution is; and how much more agreeable
+to true philosophy it is, for a man to carry himself in every matter
+that offers itself; justly, and moderately, as one that followeth the
+Gods with all simplicity. For, for a man to be proud and high conceited,
+that he is not proud and high conceited, is of all kind of pride and
+presumption, the most intolerable.
+
+XXI. To them that ask thee, Where hast thou seen the Gods, or how
+knowest thou certainly that there be Gods, that thou art so devout in
+their worship? I answer first of all, that even to the very eye, they
+are in some manner visible and apparent. Secondly, neither have I ever
+seen mine own soul, and yet I respect and honour it. So then for the
+Gods, by the daily experience that I have of their power and providence
+towards myself and others, I know certainly that they are, and therefore
+worship them.
+
+XXII. Herein doth consist happiness of life, for a man to know
+thoroughly the true nature of everything; what is the matter, and what
+is the form of it: with all his heart and soul, ever to do that which is
+just, and to speak the truth. What then remaineth but to enjoy thy life
+in a course and coherence of good actions, one upon another immediately
+succeeding, and never interrupted, though for never so little a while?
+
+XXIII. There is but one light of the sun, though it be intercepted by
+walls and mountains, and other thousand objects. There is but one common
+substance of the whole world, though it be concluded and restrained into
+several different bodies, in number infinite. There is but one common
+soul, though divided into innumerable particular essences and natures.
+So is there but one common intellectual soul, though it seem to be
+divided. And as for all other parts of those generals which we have
+mentioned, as either sensitive souls or subjects, these of themselves
+(as naturally irrational) have no common mutual reference one unto
+another, though many of them contain a mind, or reasonable faculty in
+them, whereby they are ruled and governed. But of every reasonable mind,
+this the particular nature, that it hath reference to whatsoever is
+of her own kind, and desireth to be united: neither can this common
+affection, or mutual unity and correspondency, be here intercepted or
+divided, or confined to particulars as those other common things are.
+
+XXIV. What doest thou desire? To live long. What? To enjoy the
+operations of a sensitive soul; or of the appetitive faculty? or wouldst
+thou grow, and then decrease again? Wouldst thou long be able to talk,
+to think and reason with thyself? Which of all these seems unto thee a
+worthy object of thy desire? Now if of all these thou doest find that
+they be but little worth in themselves, proceed on unto the last, which
+is, in all things to follow God and reason. But for a man to grieve that
+by death he shall be deprived of any of these things, is both against
+God and reason.
+
+XXV. What a small portion of vast and infinite eternity it is, that is
+allowed unto every one of us, and how soon it vanisheth into the general
+age of the world: of the common substance, and of the common soul also
+what a small portion is allotted unto us: and in what a little clod of
+the whole earth (as it were) it is that thou doest crawl. After thou
+shalt rightly have considered these things with thyself; fancy not
+anything else in the world any more to be of any weight and moment
+but this, to do that only which thine own nature doth require; and to
+conform thyself to that which the common nature doth afford.
+
+XXVI. What is the present estate of my understanding? For herein lieth
+all indeed. As for all other things, they are without the compass of
+mine own will: and if without the compass of my will, then are they as
+dead things unto me, and as it were mere smoke.
+
+XXVII. To stir up a man to the contempt of death this among other
+things, is of good power and efficacy, that even they who esteemed
+pleasure to be happiness, and pain misery, did nevertheless many of them
+contemn death as much as any. And can death be terrible to him, to
+whom that only seems good, which in the ordinary course of nature is
+seasonable? to him, to whom, whether his actions be many or few, so they
+be all good, is all one; and who whether he behold the things of the
+world being always the same either for many years, or for few years
+only, is altogether indifferent? O man! as a citizen thou hast lived,
+and conversed in this great city the world. Whether just for so many
+years, or no, what is it unto thee? Thou hast lived (thou mayest be
+sure) as long as the laws and orders of the city required; which may be
+the common comfort of all. Why then should it be grievous unto thee, if
+(not a tyrant, nor an unjust judge, but) the same nature that brought
+thee in, doth now send thee out of the world? As if the praetor should
+fairly dismiss him from the stage, whom he had taken in to act a while.
+Oh, but the play is not yet at an end, there are but three acts yet
+acted of it? Thou hast well said: for in matter of life, three acts is
+the whole play. Now to set a certain time to every man's acting, belongs
+unto him only, who as first he was of thy composition, so is now the
+cause of thy dissolution. As for thyself; thou hast to do with
+neither. Go thy ways then well pleased and contented: for so is He that
+dismisseth thee.
+
+
+
+
+APPENDIX
+
+CORRESPONDENCE OF M. AURELIUS ANTONINUS AND M. CORNELIUS FRONTO[1]
+
+M. CORNELIUS FRONTO was a Roman by descent, but of provincial birth,
+being native to Cirta, in Numidia. Thence he migrated to Rome in the
+reign of Hadrian, and became the most famous rhetorician of his day.
+As a pleader and orator he was counted by his contemporaries hardly
+inferior to Tully himself, and as a teacher his aid was sought for the
+noblest youths of Rome. To him was entrusted the education of M.
+
+Aurelius and of his colleague L. Verus in their boyhood; and he was
+rewarded for his efforts by a seat in the Senate and the consular rank
+(A.D. 143). By the exercise of his profession he became wealthy; and if
+he speaks of his means as not great,[2] he must be comparing his wealth
+with the grandees of Rome, not with the ordinary citizen.
+
+Before the present century nothing was known of the works of Fronto,
+except a grammatical treatise; but in 1815 Cardinal Mai published a
+number of letters and some short essays of Fronto, which he had
+discovered in a palimpsest at Milan. Other parts of the same MS. he
+found later in the Vatican, the whole being collected
+
+[1] References are made to the edition of Naber, Leipzig (TrΓΌbner),
+1867.
+
+[2] Ad Verum imp. Aur. Caes., ii, 7. and edited in the year 1823.
+
+We now possess parts of his correspondence with Antoninus Pius, with M.
+Aurelius, with L. Verus, and with certain of his friends, and also
+several rhetorical and historical fragments. Though none of the more
+ambitious works of Fronto have survived, there are enough to give proof
+of his powers. Never was a great literary reputation less deserved. It
+would be hard to conceive of anything more vapid than the style and
+conception of these letters; clearly the man was a pedant without
+imagination or taste. Such indeed was the age he lived in, and it is no
+marvel that he was like to his age. But there must have been more in him
+than mere pedantry; there was indeed a heart in the man, which Marcus
+found, and he found also a tongue which could speak the truth. Fronto's
+letters are by no means free from exaggeration and laudation, but they
+do not show that loathsome flattery which filled the Roman court. He
+really admires what he praises, and his way of saying so is not unlike
+what often passes for criticism at the present day. He is not afraid to
+reprove what he thinks amiss; and the astonishment of Marcus at this
+will prove, if proof were needed, that he was not used to plain dealing.
+"How happy I am," he writes, "that my friend Marcus Cornelius, so
+distinguished as an orator and so noble as a man, thinks me worth
+praising and blaming."[3] In another place he deems himself blest
+because Pronto had taught him to speak the truth[4] although the context
+shows him to be speaking of expression, it is still a point in favour of
+Pronto. A sincere heart is better than literary taste; and if Fronto had
+not done his duty by the young prince, it is not easy to understand the
+friendship which remained between them up to the last.
+
+[3] Ad M. Caes iii. 17
+
+[4] Ad M. Caes iii. 12
+
+An example of the frankness which was between them is given by a
+difference they had over the case of Herodes Atticus. Herodes was a
+Greek rhetorician who had a school at Rome, and Marcus Aurelius was
+among his pupils. Both Marcus and the Emperor Antoninus had a high
+opinion of Herodes; and all we know goes to prove he was a man of high
+character and princely generosity. When quite young he was made
+administrator of the free cities in Asia, nor is it surprising to find
+that he made bitter enemies there; indeed, a just ruler was sure to make
+enemies. The end of it was that an Athenian deputation, headed by the
+orators Theodotus and Demostratus, made serious accusations against his
+honour. There is no need to discuss the merits of the case here; suffice
+it to say, Herodes succeeded in defending himself to the satisfaction of
+the emperor. Pronto appears to have taken the delegates' part, and to
+have accepted a brief for the prosecution, urged to some extent by
+personal considerations; and in this cause Marcus Aurelius writes to
+Fronto as follows:β
+
+'AURELIUS CΓSAR to his friend FRONTO, greeting.[5]
+
+'I know you have often told me you were anxious to find how you might
+best please me. Now is the time; now you can increase my love towards
+you, if it can be increased. A trial is at hand, in which people seem
+likely not only to hear your speech with pleasure, but to see your
+indignation with impatience. I see no one who dares give you a hint in
+the matter; for those who are less friendly, prefer to see you act with
+some inconsistency; and those who are more friendly, fear to seem too
+friendly to your opponent if they should dissuade you from your
+accusation; then again, in case you have prepared something neat for
+the occasion, they cannot endure to rob you of your harangue by
+silencing you. Therefore, whether you think me a rash counsellor, or a
+bold boy, or too kind to your opponent, not because I think it better,
+I will offer my counsel with some caution. But why have I said, offer
+my counsel? No, I demand it from you; I demand it boldly, and if I
+succeed, I promise to remain under your obligation. What? you will say
+if I am attackt, shall I not pay tit for tat? Ah, but you will get
+greater glory, if even when attackt you answer nothing. Indeed, if he
+begins it, answer as you will and you will have fair excuse; but I have
+demanded of him that he shall not begin, and I think I have succeeded.
+I love each of you according to your merits and I know that lie was
+educated in the house of P. Calvisius, my grandfather, and that I was
+educated by you; therefore I am full of anxiety that this most
+disagreeable business shall be managed as honourably as possible. I
+trust you may approve my advice, for my intention you will approve. At
+least I prefer to write unwisely rather than to be silent unkindly.'
+
+[5] Ad M. Caes ii., 2.
+
+Fronto replied, thanking the prince for his advice, and promising that
+he will confine himself to the facts of the case. But he points out that
+the charges brought against Herodes were such, that they can hardly be
+made agreeable; amongst them being spoliation, violence, and murder.
+However, he is willing even to let some of these drop if it be the
+prince's pleasure. To this Marcus returned the following answer:--[6]
+'This one thing, my dearest Fronto, is enough to make me truly grateful
+to you, that so far from rejecting my counsel, you have even approved
+it. As to the question you raise in your kind letter, my opinion is
+this: all that concerns the case which you are supporting must be
+clearly brought forward; what concerns your own feelings, though you may
+have had just provocation, should be left unsaid.' The story does credit
+to both. Fronto shows no loss of temper at the interference, nor shrinks
+from stating his case with frankness; and Marcus, with forbearance
+remarkable in a prince, does not command that his friend be left
+unmolested, but merely stipulates for a fair trial on the merits of the
+case.
+
+[6] Ad. M. Caes., iii. 5.
+
+Another example may be given from a letter of Fronto's[7] Here is
+something else quarrelsome and querulous. I have sometimes found fault
+with you in your absence somewhat seriously in the company of a few
+of my most intimate friends: at times, for example, when you mixt in
+society with a more solemn look than was fitting, or would read books
+in the theatre or in a banquet; nor did I absent myself from theatre
+or banquet when you did.[8] Then I used to call you a hard man, no good
+company, even disagreeable, sometimes, when anger got the better of me.
+But did any one else in the same banquet speak against you, I could
+not endure to hear it with equanimity. Thus it was easier for me to say
+something to your disadvantage myself, than to hear others do it; just
+as I could more easily bear to chastise my daughter Gratia, than to see
+her chastised by another.'
+
+[7] Ad. M. Caes., iv. 12.
+
+[8] The text is obscure
+
+The affection between them is clear from every page of the
+correspondence. A few instances are now given, which were written at
+different periods
+
+To MY MASTER.[9]
+
+'This is how I have past the last few days. My sister was suddenly
+seized with an internal pain, so violent that I was horrified at her
+looks; my mother in her trepidation on that account accidentally
+bruised her side on a corner of the wall; she and we were greatly
+troubled about that blow. For myself; on going to rest I found a
+scorpion in my bed; but I did not lie down upon him, I killed him
+first. If you are getting on better, that is a consolation. My mother
+is easier now, thanks be to God. Good-bye, best and sweetest master. My
+lady sends you greeting.'
+
+[9] Ad M. Caes., v. 8.
+
+[10]'What words can I find to fit my had luck, or how shall I upbraid as
+it deserves the hard constraint which is laid upon me? It ties me fast
+here, troubled my heart is, and beset by such anxiety; nor does it allow
+me to make haste to my Fronto, my life and delight, to be near him at
+such a moment of ill-health in particular, to hold his hands, to chafe
+gently that identical foot, so far as may be done without discomfort, to
+attend him in the bath, to support his steps with my arm.'
+
+[10] Ad M. Caes., i. 2.
+
+[11]'This morning I did not write to you, because I heard you were
+better, and because I was myself engaged in other business, and I
+cannot ever endure to write anything to you unless with mind at ease and
+untroubled and free. So if we are all right, let me know: what I desire,
+you know, and how properly I desire it, I know. Farewell, my master,
+always in every chance first in my mind, as you deserve to be. My
+master, see I am not asleep, and I compel myself to sleep, that you may
+not be angry with me. You gather I am writing this late at night.'
+
+[11] iii. 21.
+
+[12]'What spirit do you suppose is in me, when I remember how long it
+is since I have seen you, and why I have not seen you! and it may be
+I shall not see you for a few days yet, while you are strengthening
+yourself; as you must. So while you lie on the sick-bed, my spirit also
+will lie low anti, whenas,[13] by God's mercy you shall stand upright,
+my spirit too will stand firm, which is now burning with the strongest
+desire for you. Farewell, soul of your prince, your pupil.'
+
+[14]O my dear Fronto, most distinguished Consul! I yield, you have
+conquered: all who have ever loved before, you have conquered out and
+out in love's contest. Receive the victor's wreath; and the herald
+shall proclaim your victory aloud before your own tribunal: "M.
+Cornelius Fronto, Consul, wins, and is crowned victor in the Open
+International Love-race."[15] But beaten though I may be, I shall
+neither slacken nor relax my own zeal. Well, you shall love me more
+than any man loves any other man; but I, who possess a faculty of
+loving less strong, shall love you more than any one else loves you;
+more indeed than you love yourself. Gratia and I will have to fight for
+it; I doubt I shall not get the better of her. For, as Plautus says,
+her love is like rain, whose big drops not only penetrate the dress,
+but drench to the very marrow.'
+
+[12] Ad M. Caes., iii. 19.
+
+[13] The writer sometimes uses archaisms such as _quom_, which I render
+'whenas'.
+
+[14] Ad M. Caes., ii. 2.
+
+[15] The writer parodies the proclamation at the Greek games; the words
+also are Greek.
+
+Marcus Aurelius seems to have been about eighteen years of age when
+the correspondence begins, Fronto being some thirty years older.[16] The
+systematic education of the young prince seems to have been finisht, and
+Pronto now acts more as his adviser than his tutor. He recommends
+the prince to use simplicity in his public speeches, and to avoid
+affectation.[17] Marcus devotes his attention to the old authors who then
+had a great vogue at Rome: Ennius, Plautus, Nævius, and such orators
+as Cato and Gracchus.[18] Pronto urges on him the study of Cicero, whose
+letters, he says, are all worth reading.
+
+[16] From internal evidence: the letters are not arranged in order of
+time. See Naher's _Prolegomena_, p. xx. foll.
+
+[17] Ad M. Caes., iii. x.
+
+[18] Ad M. Caes ii. 10,; iii. 18,; ii. 4.
+
+When he wishes to compliment Marcus he declares one or other of his
+letters has the true Tullian ring. Marcus gives his nights to reading
+when he ought to be sleeping. He exercises himself in verse composition
+and on rhetorical themes.
+
+'It is very nice of you,' he writes to Fronto,[19] 'to ask for my
+hexameters; I would have sent them at once if I had them by me. The fact
+is my secretary, Anicetus-you know who I mean-did not pack up any of my
+compositions for me to take away with me. He knows my weakness; he was
+afraid that if I got hold of them I might, as usual, make smoke of them.
+However, there was no fear for the hexameters. I must confess the truth
+to my master: I love them. I study at night, since the day is taken up
+with the theatre. I am weary of an evening, and sleepy in the daylight,
+and so I don't do much. Yet I have made extracts from sixty books, five
+volumes of them, in these latter days. But when you read remember
+that the "sixty" includes plays of Novius, and farces, and some little
+speeches of Scipio; don't be too much startled at the number. You
+remember your Polemon; but I pray you do not remember Horace, who has
+died with Pollio as far as I am concerned.[20] Farewell, my dearest
+and most affectionate friend, most distinguished consul and my beloved
+master, whom I have not seen these two years. Those who say two months,
+count the days. Shall I ever see you again?'
+
+[19] Ad M. Caes., ii. 10.
+
+[20] He implies, as in i. 6, that he has ceased to study Horace.
+
+Sometimes Fronto sends him a theme to work up, as thus: 'M. Lucilius
+tribune of the people violently throws into prison a free Roman citizen,
+against the opinion of his colleagues who demand his release. For this
+act he is branded by the censor. Analyse the case, and then take both
+sides in turn, attacking and defending.'[21] Or again: 'A Roman consul,
+doffing his state robe, dons the gauntlet and kills a lion amongst
+the young men at the Quinquatrus in full view of the people of Rome.
+Denunciation before the censors.'[22] The prince has a fair knowledge of
+Greek, and quotes from Homer, Plato, Euripides, but for some reason
+Fronto dissuaded him from this study.[23] His _Meditations_ are written in
+Greek. He continued his literary studies throughout his life, and after
+he became emperor we still find him asking his adviser for copies of
+Cicero's Letters, by which he hopes to improve his vocabulary.[24] Pronto
+helps him with a supply of similes, which, it seems, he did not think of
+readily. It is to be feared that the fount of Marcus's eloquence was
+pumped up by artificial means.
+
+[21] Pollio was a grammarian, who taught Marcus.
+
+[22] Ad M. Caes., v. 27,; V. 22.
+
+[23] Ep. Gracae, 6.
+
+[24] Ad Anton. Imp., II. 4.
+
+Some idea of his literary style may be gathered from the letter which
+follows:[25]
+
+'I heard Polemo declaim the other day, to say something of things
+sublunary. If you ask what I thought of him, listen. He seems to me an
+industrious farmer, endowed with the greatest skill, who has cultivated
+a large estate for corn and vines only, and indeed with a rich return
+of fine crops. But yet in that land of his there is no Pompeian fig or
+Arician vegetable, no Tarentine rose, or pleasing coppice, or thick
+grove, or shady plane tree; all is for use rather than for pleasure,
+such as one ought rather to commend, but cares not to love.
+
+[25] Ad M. Caes, ii. 5.
+
+A pretty bold idea, is it not, and rash judgment, to pass censure on a
+man of such reputation? But whenas I remember that I am writing to you,
+I think I am less bold than you would have me.
+
+'In that point I am wholly undecided.
+
+'There's an unpremeditated hendecasyllable for you. So before I begin to
+poetize, I'll take an easy with you. Farewell, my heart's desire, your
+Verus's best beloved, most distinguisht consul, master most sweet.
+Farewell I ever pray, sweetest soul.
+
+What a letter do you think you have written me I could make bold to
+say, that never did she who bore me and nurst me, write anything SO
+delightful, so honey-sweet. And this does not come of your fine style
+and eloquence: otherwise not my mother only, but all who breathe.'
+
+To the pupil, never was anything on earth so fine as his master's
+eloquence; on this theme Marcus fairly bubbles over with enthusiasm.
+
+[26]'Well, if the ancient Greeks ever wrote anything like this, let
+those who know decide it: for me, if I dare say so, I never read any
+invective of Cato's so fine as your encomtum. O if my Lord[27] could be
+sufficiently praised, sufficiently praised he would have been
+undoubtedly by you! This kind of thing is not done nowadays.[28] It
+were easier to match Pheidias, easier to match Apelles, easier in a
+word to match Demosthenes himself, or Cato himself; than to match this
+finisht and perfect work. Never have I read anything more refined,
+anything more after the ancient type, anything more delicious, anything
+more Latin. O happy you, to be endowed with eloquence so great! O happy
+I, to be tinder the charge of such a master! O arguments,[29] O
+arrangement, O elegance, O wit, O beauty, O words, O brilliancy, O
+subtilty, O grace, O treatment, O everything! Mischief take me, if you
+ought not to have a rod put in your hand one day, a diadem on your
+brow, a tribunal raised for you; then the herald would summon us
+all-why do I say "us"? Would summnon all, those scholars and orators:
+one by one you would beckon them forward with your rod and admonish
+them. Hitherto I have had no fear of this admonition; many things help
+me to enter within your school. I write this in the utmost haste; for
+whenas I am sending you so kindly a letter from my Lord, what needs a
+longer letter of mine? Farewell then, glory of Roman eloquence, boast
+of your friends, magnifico, most delightful man, most distinguished
+consul, master most sweet.
+
+[26] Ad M. Caes., ii. 3.
+
+[27] The Emperor Antoninus Pius is spoken of as _dominus meus_.
+
+[28] This sentence is written in Greek.
+
+[29] Several of these words are Greek, and the meaning is not quite
+clear.
+
+'After this you will take care not to tell so many fibs of me,
+especially in the Senate. A monstrous fine speech this is! O if I could
+kiss your head at every heading of it! You have looked down on all with
+a vengeance. This oration once read, in vain shall we study, in vain
+shall we toil, in vain strain every nerve. Farewell always, most sweet
+master.'
+
+Sometimes Fronto descends from the heights of eloquence to offer
+practical advice; as when he suggests how Marcus should deal with his
+suite. It is more difficult, he admits, to keep courtiers in harmony
+than to tame lions with a lute; but if it is to be done, it must be by
+eradicating jealousy. 'Do not let your friends,' says Fronto,'[30] 'envy
+each other, or think that what you give to another is filched from them.
+
+[30] Ad M Caes., iv. 1.
+
+Keep away envy from your suite, and you will find your friends kindly
+and harmonious.'
+
+Here and there we meet with allusions to his daily life, which we could
+wish to be more frequent. He goes to the theatre or the law-courts,[31]
+or takes part in court ceremony, but his heart is always with his
+books. The vintage season, with its religious rites, was always spent by
+Antoninus Pius in the country. The following letters give sonic notion
+of a day's occupation at that time:(3)
+
+[31] ii. 14
+
+[32] iv. 5,6.
+
+'MY DEAREST MASTER,--I am well. To-day I studied from the ninth hour of
+the night to the second hour of day, after taking food. I then put on
+my slippers, and from time second to the third hour had a most
+enjoyable walk up and down before my chamber. Then booted and
+cloaked-for so we were commanded to appear-I went to wait upon my lord
+the emperor. We went a-hunting, did doughty deeds, heard a rumour that
+boars had been caught, but there was nothing to see. However, we
+climbed a pretty steep hill, and in the afternoon returned home. I went
+straight to my books. Off with the boots, down with the cloak; I spent
+a couple of hours in bed. I read Cato's speech on the Property of
+Pulchra, and another in which he impeaches a tribune. Ho, ho! I hear
+you cry to your man, Off with you as fast as you can, and bring me
+these speeches from the library of Apollo. No use to send: I have those
+books with me too. You must get round the Tiberian librarian; you will
+have to spend something on the matter; and when I return to town, I
+shall expect to go shares with him. Well, after reading these speeches
+I wrote a wretched trifle, destined for drowning or burning. No, indeed
+my attempt at writing did not come off at all to-day; the composition
+of a hunter or a vintager, whose shouts are echoing through my chamber,
+hateful and wearisome as the law-courts. What have I said? Yes, it was
+rightly said, for my master is an orator. I think I have caught cold,
+whether from walking in slippers or from writing badly, I do not know.
+I am always annoyed with phlegm, but to-day I seem to snivel more than
+usual. Well, I will pour oil on my head and go off to sleep. I don't
+mean to put one drop in my lamp to-day, so weary am I from riding and
+sneezing. Farewell, dearest and most beloved master, whom I miss, I may
+say, more than Rome itself.'
+
+'MY BELOVED MASTER,-I am well. I slept a little more than usual for my
+slight cold, which seems to be well again. So I spent the time from the
+eleventh hour of the night to the third of the day partly in reading in
+Cato's Agriculture, partly in writing, not quite so badly as yesterday
+indeed. Then, after waiting upon my father, I soothed my throat with
+honey-water, ejecting it without swallowing: I might say _gargle_, but I
+won't, though I think the word is found in Novius and elsewhere. After
+attending to my throat I went to my father, and stood by his side as he
+sacrificed. Then to luncheon. What do you think I had to eat? A bit of
+bread so big, while I watched others gobbling boiled beans, onions,
+and fish full of roe. Then we set to work at gathering the grapes,
+with plenty of sweat and shouting, and, as the quotation runs, "A few
+high-hanging clusters did we leave survivors of the vintage." After the
+sixth hour we returned home. I did a little work, and poor work at that.
+Then I had a long gossip with my dear mother sitting on the bed. My
+conversation was: What do you think my friend Fronto is doing just now?
+She said: And what do you think of my friend Gratia?'[33] My turn now:
+And what of our little Gratia,[34] the sparrowkin? After this kind of
+talk, and an argument as to which of you loved the other most, the gong
+sounded, the signal that my father had gone to the bath. We supped,
+after ablutions in the oil-cellar-I mean we supped after ablutions, not
+after ablutions in the oil-cellar; and listened with enjoyment to the
+rustics gibing. After returning, before turning on my side to snore, I
+do my task and give an account of the day to my delightful master, whom
+if I could long for a little more, I should not mind growing a trifle
+thinner. Farewell, Fronto, wherever you are, honey-sweet, my darling, my
+delight. Why do I want you? I can love you while far away.'
+
+[33] Fronto's wife.
+
+[34] Fronto's daughter
+
+One anecdote puts Marcus before us in a new light:[35]
+
+[35] Ad M. Caes ii. 12.
+
+'When my father returned home from the vineyards, I mounted my horse as
+usual, and rode on ahead some little way. Well, there on the road was a
+herd of sheep, standing all crowded together as though the place were
+a desert, with four dogs and two shepherds, but nothing else. Then one
+shepherd said to another shepherd, on seeing a number of horsemen: 'I
+say,' says he, 'look you at those horsemen; they do a deal of robbery.'
+When I heard this, I clap spurs to my horse, and ride straight for the
+sheep. In consternation the sheep scatter; hither and thither they are
+fleeting and bleating. A shepherd throws his fork, and the fork falls
+on the horseman who came next to me. We make our escape.' We like Marcus
+none the worse for this spice of mischief.
+
+Another letter[36] describes a visit to a country town, and shows the
+antiquarian spirit of the writer:β
+
+'M. CΓSAR to his MASTER M. FRONTO, greeting.
+
+'After I entered the carriage, after I took leave of you, we made a
+journey comfortable enough, but we had a few drops of rain to wet us.
+But before coming to the country-house, we broke our journey at Anagnia,
+a mile or so from the highroad. Then we inspected that ancient town, a
+miniature it is, but has in it many antiquities, temples, and religious
+ceremonies quite out of the way. There is not a corner without its
+shrine, or fane, or temple; besides, many books written on linen, which
+belongs to things sacred. Then on the gate as we came out was written
+twice, as follows: "Priest don the fell."[37] I asked one of the
+inhabitants what that word was. He said it was the word in the Hernican
+dialect for the victim's skin, which the priest puts over his conical
+cap when he enters the city. I found out many other things which I
+desired to know, but the only thing I do not desire is that you should
+be absent from me; that is my chief anxiety. Now for yourself, when you
+left that place, did you go to Aurelia or to Campania? Be sure to write
+to me, and say whether you have opened the vintage, or carried a host of
+books to the country-house; this also, whether you miss me; I am foolish
+to ask it, whenas you tell it me of yourself. Now if you miss me and
+if you love me, send me your letters often, which is a comfort and
+consolation to me. Indeed I should prefer ten times to read your letters
+than all the vines of Gaurus or the Marsians; for these Signian vines
+have grapes too rank and fruit too sharp in the taste, but I prefer wine
+to must for drinking. Besides, those grapes are nicer to eat dried than
+fresh-ripe; I vow I would rather tread them under foot than put my teeth
+in them. But I pray they may be gracious and forgiving, and grant me
+free pardon for these jests of mine. Farewell, best friend, dearest,
+most learned, sweetest master. When you see the must ferment in the vat,
+remember that just so in my heart the longing for you is gushing and
+flowing and bubbling. Good-bye.'
+
+[36] Ad Verum. Imp ii. 1, s. fin.
+
+[37] Santentum
+
+Making all allowances for conventional exaggerations, it is clear from
+the correspondence that there was deep love between Marcus and his
+preceptor. The letters cover several years in succession, but soon after
+the birth of Marcus's daughter, Faustina, there is a large gap. It does
+not follow that the letters ceased entirely, because we know part of
+the collection is lost; but there was probably less intercourse between
+Marcus and Fronto after Marcus took to the study of philosophy under the
+guidance of Rusticus.
+
+When Marcus succeeded to the throne in 161, the letters begin again,
+with slightly increased formality on Fronto's part, and they go on for
+some four years, when Fronto, who has been continually complaining of
+ill-health, appears to have died. One letter of the later period gives
+some interesting particulars of the emperor's public life, which are
+worth quoting. Fronto speaks of Marcus's victories and eloquence in the
+usual strain of high praise, and then continues.[38]
+
+'The army when you took it in hand was sunk in luxury and revelry, and
+corrupted with long inactivity. At Antiochia the soldiers had been Wont
+to applaud at the stage plays, knew more of the gardens at the nearest
+restaurant than of the battlefield. Horses were hairy from lack of
+grooming, horsemen smooth because their hairs had been pulled out by
+the roots[39] a rare thing it was to see a soldier with hair on arm or
+leg. Moreover, they were better drest than armed; so much so, that
+Laelianus Pontius, a strict man of the old discipline, broke the
+cuirasses of some of them with his finger-tips, and observed cushions
+on the horses' backs. At his direction the tufts were cut through, and
+out of the horsemen's saddles came what appeared to be feathers pluckt
+from geese. Few of the men could vault on horseback, the rest clambered
+up with difficulty by aid of heel and knee and leg not many could throw
+a lance hurtling, most did it without force or power, as though they
+were things of wool-dicing was common in the camp, sleep lasted all
+night, or if they kept watch it was over the winecup. By what
+regulations to restrain such soldiers as these, and to turn them to
+honesty and industry, did you not learn from Hannibal's sternness, the
+discipline of Africanus, the acts of Metellus recorded in history.
+
+[38] Ad Verum. imp., ii. I, s.fin.
+
+[39] A common mark of the effeminate at Rome.
+
+After the preceptorial letters cease the others are concerned with
+domestic events, health and sickness, visits or introductions, birth or
+death. Thus the empperor writes to his old friend, who had shown some
+diffidence in seeking an interview:[40]
+
+[40] Ad Verum. Imp. Aur. Caes., i. 3.
+
+'To MY MASTER.
+
+'I have a serious grievance against you, my dear master, yet indeed my
+grief is more than my grievance, because after so long a time I neither
+embraced you nor spoke to you, though you visited the palace, and the
+moment after I had left the prince my brother. I reproached my brother
+severely for not recalling me; nor durst he deny the fault.' Fronto
+again writes on one occasion: 'I have seen your daughter. It was like
+seeing you and Faustina in infancy, so much that is charming her face
+has taken from each of yours.' Or again, at a later date:[41] I have seen
+your chicks, most delightful sight that ever I saw in my life, so like
+you that nothing is more like than the likeness.... By the mercy of
+Heaven they have a healthy colour and strong lungs. One held a piece of
+white bread, like a little prince, the other a common piece, like a true
+philosophers son.'
+
+[41] Ad Ant. Imp i., 3.
+
+Marcus, we know, was devoted to his children. They were delicate in
+health, in spite of Fronto's assurance, and only one son survived the
+father. We find echoes of this affection now and again in the letters.
+'We have summer heat here still,' writes Marcus, 'but since my little
+girls are pretty well, if I may say so, it is like the bracing climate
+of spring to us.'[42] When little Faustina came back from the valley of
+the shadow of death, her father at once writes to inform Fronto.[43]
+The sympathy he asks he also gives, and as old age brings more and more
+infirmity, Marcus becomes even more solicitous for his beloved teacher.
+The poor old man suffered a heavy blow in the death of his grandson, on
+which Marcus writes:[44] 'I have just heard of your misfortune. Feeling
+grieved as I do when one of your joints gives you pain, what do you
+think I feel, dear master, when you have pain of mind?' The old man's
+reply, in spite of a certain self-consciousness, is full of pathos. He
+recounts with pride the events of a long and upright life, in which he
+has wronged no man, and lived in harmony with his friends and family.
+His affectations fall away from him, as the cry of pain is forced from
+his heart:--
+
+[42] Ad M. Caes., v. 19
+
+[43] iv. 11
+
+[44] De Nepote Amissa
+
+[45]'Many such sorrows has fortune visited me with all my life long. To
+pass by my other afflictions, I have lost five children under the most
+pitiful conditions possible: for the five I lost one by one when each
+was my only child, suffering these blows of bereavement in such a manner
+that each child was born to one already bereaved. Thus I ever lost my
+children without solace, and got them amidst fresh grief.....'
+
+[45] De Nepote Amissa 2
+
+The letter continues with reflections on the nature of death, 'more to
+be rejoiced at than bewailed, the younger one dies,' and an arraignment
+of Providence not without dignity, wrung from him as it were by this
+last culminating misfortune. It concludes with a summing-up of his life
+in protest against the blow which has fallen on his grey head.
+
+'Through my long life I have committed nothing which might bring
+dishonour, or disgrace, or shame: no deed of avarice or treachery have
+I done in all my day's: nay, but much generosity, much kindness, much
+truth and faithfulness have I shown, often at the risk of my own life.
+I have lived in amity with my good brother, whom I rejoice to see in
+possession of the highest office by your father's goodness, and by your
+friendship at peace and perfect rest. The offices which I have myself
+obtained I never strove for by any underhand means. I have cultivated
+my mind rather than my body; the pursuit of learning I have preferred to
+increasing my wealth. I preferred to be poor rather than bound by any'
+man's obligation, even to want rather than to beg. I have never been
+extravagant in spending money, I have earned it sometimes because I
+must. I have scrupulously spoken the truth, and have been glad to hear
+it spoken to me. I have thought it better to be neglected than to fawn,
+to be dumb than to feign, to be seldom a friend than to be often a
+flatterer. I have sought little, deserved not little. So far as I could,
+I have assisted each according to my means. I have given help readily
+to the deserving, fearlessly to the undeserving. No one by proving to be
+ungrateful has made me more slow to bestow promptly all benefits I could
+give, nor have I ever been harsh to ingratitude. (A fragmentary passage
+follows, in which he appears to speak of his desire for a peaceful
+end, and the desolation of his house.) I have suffered long and painful
+sickness, my beloved Marcus. Then I was visited by pitiful misfortunes:
+my wife I have lost, my grandson I have lost in Germany:[46] woe is me!
+I have lost my Decimanus. If I were made of iron, at this tine I could
+write no more.'
+
+[46] In the war against the Catti.
+
+It is noteworthy that in his _Meditations_ Marcus Aurelius mentions
+Fronto only once.[47] All his literary studies, his oratory and
+criticism (such as it was) is forgotten; and, says he, 'Fronto taught
+me not to expect natural affection from the highly-born.' Fronto really
+said more than this: that 'affection' is not a Roman quality, nor has
+it a Latin name.[48] Roman or not Roman, Marcus found affection in
+Fronto; and if he outgrew his master's intellectual training, he never
+lost touch with the true heart of the man it is that which Fronto's
+name brings up to his remembrance, not dissertations on compound verbs
+or fatuous criticisms of style.
+
+[47] Book I., 8.
+
+[48] Ad Verum, ii. 7
+
+
+
+
+NOTES
+
+This being neither a critical edition of the text nor an emended edition
+of Casaubon's translation, it has not been thought necessary to add full
+notes. Casaubon's own notes have been omitted, because for the most part
+they are discursive, and not necessary to an understanding of what is
+written. In those which here follow, certain emendations of his
+are mentioned, which he proposes in his notes, and follows in the
+translation. In addition, one or two corrections are made where he has
+mistaken the Greek, and the translation might be misleading. Those which
+do not come under these two heads will explain themselves.
+
+The text itself has been prepared by a comparison of the editions of
+1634 and 1635. It should be borne in mind that Casaubon's is often
+rather a paraphrase than a close translation; and it did not seem worth
+while to notice every variation or amplification of the original. In
+the original editions all that Casaubon conceives as understood, but
+not expressed, is enclosed in square brackets. These brackets are here
+omitted, as they interfere with the comfort of the reader; and so have
+some of the alternative renderings suggested by the translator. In a few
+cases, Latin words in the text have been replaced by English.
+
+Numbers in brackets refer to the Teubner text of Stich, but the
+divisions of the text are left unaltered. For some of the references
+identified I am indebted to Mr. G. H. Rendall's _Marcus Aurelius_.
+
+BOOK II "Both to frequent" (4). Gr. Οα½Έ μὡ, C. conjectures Οα½Έ ΞΌα½². The
+text is probably right: "I did not frequent public lectures, and I was
+taught at home."
+
+VI Idiots.... philosophers (9). The reading is doubtful, but the meaning
+seems to be: "simple and unlearned men"
+
+XII "Claudius Maximus" (15). The reading of the Palatine MS. (now lost)
+was paraklhsiz Maximon, which C. supposes to conceal the letters kl as
+an abbreviation of Claudius.
+
+XIII "Patient hearing... He would not" (16). C. translates his
+conjectural reading epimonon ollan. on proapsth Stich suggests a reading
+with much the same sense: .....epimonon all antoi "Strict and rigid
+dealing" (16). C. translates tonvn (Pal. MS.) as though from tonoz,
+in the sense of "strain." "rigour." The reading of other MSS. tonvn is
+preferable.
+
+XIII "Congiaries" (13). dianomais, "doles."
+
+XIV "Cajeta" (17). The passage is certainly corrupt. C. spies a
+reference to Chryses praying by the sea-shore in the Illiad, and
+supposes M. Aurelius to have done the like. None of the emendations
+suggested is satisfactory. At Β§ XV. Book II. is usually reckoned to
+begin. BOOK II III. "Do, soul" (6). If the received reading be right,
+it must be sarcastic; but there are several variants which show how
+unsatisfactory it is. C. translates "en gar o bioz ekasty so par eanty",
+which I do not understand. The sense required is: "Do not violence to
+thyself, for thou hast not long to use self-respect. Life is not (v. 1.
+so long for each, and this life for thee is all but done."
+
+X. "honour and credit do proceed" (12). The verb has dropt out of the
+text, but C. has supplied one of the required meaning.
+
+XI. "Consider," etc. (52). This verb is not in the Greek, which means:
+"(And reason also shows) how man, etc."
+
+BOOK IV XV. "Agathos" (18): This is probably not a proper name, but the
+text seems to be unsound. The meaning may be "the good man ought"
+
+XVI. oikonomian (16) is a "practical benefit," a secondary end. XXXIX.
+"For herein lieth all...." (~3). C. translates his conjecture olan for
+ola.
+
+BOOK V XIV. katorqwseiz (15): Acts of "rightness" or "straightness."
+XXIII. "Roarer" (28): Gr. "tragedian." Ed. 1 has whoremonger,' ed.
+2 corrects to "harlot," but omits to alter' the word at its second
+occurrence.
+
+XXV. "Thou hast... them" (33): A quotation from Homer, Odyssey, iv. 690.
+
+XXVII. "One of the poets" (33): Hesiod, Op. et Dies, 197.
+
+XXIX and XXX. (36). The Greek appears to contain quotations from sources
+not known, and the translation is a paraphrase. (One or two alterations
+are here made on the authority of the second edition.) BOOK VI XIII.
+"Affected and qualified" (i4): exis, the power of cohesion shown in
+things inanimate; fusiz, power of growth seen in plants and the like.
+
+XVII. "Wonder at them" (18): i.e. mankind.
+
+XXXVII. "Chrysippus" (42): C. refers to a passage of Plutarch De
+Communibus Notitiis (c. xiv.), where Chrysippus is represented as saying
+that a coarse phrase may be vile in itself, yet have due place in a
+comedy as contributing to a certain effect.
+
+XL. "Man or men..." There is no hiatus in the Greek, which means:
+"Whatever (is beneficial) for a man is so for other men also."
+
+XLII. There is no hiatus in the Greek.
+
+BOOK VII IX. C. translates his conjecture mh for h. The Greek means
+"straight, or rectified," with a play on the literal and metaphorical
+meaning of ortoz.
+
+XIV. endaimonia. contains the word daimwn in composition. XXII. The text
+is corrupt, but the words "or if it be but few" should be "that is
+little enough."
+
+XXIII. "Plato": Republic, vi. p. 486 A.
+
+XXV. "It will," etc. Euripides, Belerophon, frag. 287 (Nauck).
+
+"Lives," etc. Euripides, Hypsipyle, frag. 757 (Nauck). "As long," etc.
+Aristophanes, Acharne, 66 i.
+
+"Plato" Apology, p. 28 B.
+
+"For thus" Apology, p. 28 F.
+
+XXVI. "But, O noble sir," etc. Plato, Gorgias, 512 D. XXVII. "And as
+for those parts," etc. A quotation from Euripides, Chryssipus, frag. 839
+(Nauck).
+
+"With meats," etc. From Euripides, Supplices, 1110. XXXIII. "They both,"
+i.e. life and wrestling.
+
+"Says he" (63): Plato, quoted by Epictetus, Arr. i. 28, 2 and 22.
+
+XXXVII. "How know we," etc. The Greek means: "how know we whether
+Telauges were not nobler in character than Sophocles?" The allusion is
+unknown.
+
+XXVII. "Frost" The word is written by Casaubon as a proper name,
+"Pagus.'
+
+"The hardihood of Socrates was famous"; see Plato, Siymposium, p. 220.
+
+BOOK X XXII. The Greek means, "paltry breath bearing up corpses, so that
+the tale of Dead Man's Land is clearer."
+
+XXII. "The poet" (21): Euripides, frag. 898 (Nauck); compare Aeschylus,
+Danaides, frag. 44.
+
+XXIV. "Plato" (23): Theaetetus, p. 174 D.
+
+XXXIV. "The poet" (34): Homer, Iliad, vi. 147.
+
+XXXIV. "Wood": A translation of ulh, "matter."
+
+XXXVIII. "Rhetoric" (38): Rather "the gift of speech"; or perhaps the
+"decree" of the reasoning faculty.
+
+BOOK XI V. "Cithaeron" (6): Oedipus utters this cry after discovering
+that he has fulfilled his awful doom, he was exposed on Cithaeron as
+an infant to die, and the cry implies that he wishes he had died there.
+Sophocles, Oedipus Tyrannus, 1391.
+
+V. "New Comedy...," etc. C. has here strayed from the Greek rather
+widely. Translate: "and understand to what end the New Comedy was
+adopted, which by small degrees degenerated into a mere show of skill
+in mimicry." C. writes Comedia Vetus, Media, Nova. XII. "Phocion" (13):
+When about to be put to death he charged his son to bear no malice
+against the Athenians.
+
+XXVIII. "My heart," etc. (31): From Homer, Odyssey ix. 413. "They will"
+From Hesiod, Opera et Dies, 184.
+
+"Epictetus" Arr. i. II, 37.
+
+XXX. "Cut down grapes" (35): Correct "ears of corn." "Epictetus"(36):
+Arr. 3, 22, 105.
+
+
+
+
+GLOSSARY
+
+This Glossary includes all proper names (excepting a few which are
+insignificant or unknown) and all obsolete or obscure words. ADRIANUS,
+or Hadrian (76-138 A. D.), 14th Roman Emperor.
+
+Agrippa, M. Vipsanius (63-12 B.C.), a distinguished soldier under
+Augustus.
+
+Alexander the Great, King of Macedonia, and Conqueror of the East,
+356-323 B.C.
+
+Antisthenes of Athens, founder of the sect of Cynic philosophers, and an
+opponent of Plato, 5th century B.C Antoninus Pius, 15th Roman Emperor,
+138-161 AD. one of the best princes that ever mounted a throne.
+
+Apathia: the Stoic ideal was calmness in all circumstance an
+insensibility to pain, and absence of all exaltation at, pleasure or
+good fortune.
+
+Apelles, a famous painter of antiquity.
+
+Apollonius of Alexandria, called Dyscolus, or the 'ill-tempered,'
+a great grammarian.
+
+Aposteme, tumour, excrescence.
+
+Archimedes of Syracuse 287-212 B.C., the most famous mathematician of
+antiquity.
+
+Athos, a mountain promontory at the N. of the Aegean Sea.
+
+Augustus, first Roman Emperor (ruled 31 B.C.-14 AD.).
+
+Avoid, void.
+
+BACCHIUS: there Were several persons of this name, and the one meant is
+perhaps the musician.
+
+Brutus (1) the liberator of the Roman people from their kings, and (2)
+the murderer of Cæsar.
+
+Both names were household words.
+
+Cæsar, Caius, Julius, the Dictator and Conqueror.
+
+Caieta, a town in Latium.
+
+Camillus, a famous dictator in the early days of the Roman Republic.
+
+Carnuntum, a town on the Danube in Upper Pannonia.
+
+Cato, called of Utica, a Stoic who died by his own hand after the battle
+of Thapsus, 46 B.C. His name was proverbial for virtue and courage.
+
+Cautelous, cautious.
+
+Cecrops, first legendary King of Athens.
+
+Charax, perhaps the priestly historian of that name, whose date is
+unknown, except that it must be later than Nero.
+
+Chirurgeon, surgeon.
+
+Chrysippus, 280-207 B.C., a Stoic philosopher, and the founder of
+Stoicism as a systematic philosophy.
+
+Circus, the Circus Maximus at Rome, where games were held.
+There were four companies who contracted to provide horses, drivers,
+etc. These were called Factiones, and each had its distinguishing
+colour: russata (red), albata (white), veneta (blue), prasina (green).
+There was high rivalry between them, and riots and bloodshed not
+infrequently.
+
+Cithaeron, a mountain range N. of Attica.
+
+Comedy, ancient; a term applied to the Attic comedy of Aristophanes and
+his time, which criticised persons and politics, like a modern comic
+journal, such as Punck. See New Comedy.
+
+Compendious, short.
+
+Conceit, opinion.
+
+Contentation, contentment.
+
+Crates, a Cynic philosopher of the 4th century B.C.
+
+CrΕsus, King of Lydia, proverbial for wealth; he reigned 560-546 B.C.
+
+Cynics, a school of philosophers, founded by Antisthenes. Their texts
+were a kind of caricature of Socraticism. Nothing was good but virtue,
+nothing bad but vice. The Cynics repudiated all civil and social claims,
+and attempted to return to what they called a state of nature. Many of
+them were very disgusting in their manners.
+
+DEMETRIUS of Phalerum, an Athenian orator, statesman, philosopher, and
+poet. Born 345 B.C.
+
+Democritus of Abdera (460-361 B.C.), celebrated as the 'laughing
+philosopher,' whose constant thought was 'What fools these mortals be.'
+He invented the Atomic Theory.
+
+Dio of Syracuse, a disciple of Plato, and afterwards tyrant of Syracuse.
+Murdered 353 B.C.
+
+Diogenes, the Cynic, born about 412 B.C., renowned for his rudeness and
+hardihood.
+
+Diognetus, a painter.
+
+Dispense with, put up with.
+
+Dogmata, pithy sayings, or philosophical rules of life.
+
+EMPEDOCLES of Agrigentum, fl.
+5th century B.C., a philosopher, who first laid down that there were
+"four elements." He believed in the transmigration of souls, and the
+indestructibility of matter.
+
+Epictetus, a famous Stoic philosopher. He was of Phrygia, at first a
+slave, then freedman, lame, poor, and contented.
+The work called Encheiridion was compiled by a pupil from his
+discourses.
+
+Epicureans, a sect of philosophers founded by Epicurus, who "combined
+the physics of Democritus," i.e. the atomic theory, "with the ethics of
+Aristippus."
+
+They proposed to live for happiness, but the word did not bear that
+coarse and vulgar sense originally which it soon took.
+
+Epicurus of Samos, 342-270 B.C.
+
+Lived at Athens in his "gardens," an urbane and kindly, if somewhat
+useless, life. His character was simple and temperate, and had none of
+the vice or indulgence which was afterwards associated with the name of
+Epicurean.
+
+Eudoxus of Cnidus, a famous astronomer and physician of the 4th century
+B. C.
+
+FATAL, fated.
+
+Fortuit, chance (adj.).
+
+Fronto, M. Cornelius, a rhetorician and pleader, made consul in 143 A.D.
+A number of his letters to M, Aur. and others are extant.
+
+GRANUA, a tributary of the Danube.
+
+HELICE, ancient capital city of Achaia, swallowed up by an earthquake,
+373 B.C.
+
+Helvidius Priscus, son-in-law of Thrasea Paetus, a noble man and a lover
+of liberty. He was banished by Nero, and put to death by Vespasian.
+
+Heraclitus of Ephesus, who lived in the 6th century B.C. He wrote on
+philosophy and natural science.
+
+Herculaneum, near Mount Vesuvius, buried by the eruption of 79 AD.
+
+Hercules, p. 167, should be Apollo. See Muses.
+
+Hiatus, gap.
+
+Hipparchus of Bithynia, an astronomer of the 2nd century B.C., "The true
+father of astronomy."
+
+Hippocrates of Cos, about 460-357 B.C. One of the most famous physicians
+of antiquity.
+
+IDIOT, means merely the non-proficient in anything, the "layman," he who
+was not technically trained in any art, craft, or calling.
+
+LEONNATUS, a distinguished general under Alexander the Great.
+
+Lucilla, daughter of M. Aurelius, and wife of Verus, whom she survived.
+
+MΓCENAS, a trusted adviser of Augustus, and a munificent patron of wits
+and literary men.
+
+Maximus, Claudius, a Stoic philosopher.
+
+Menippus, a Cynic philosopher.
+
+Meteores, ta metewrologika, "high philosophy," used specially of
+astronomy and natural philosophy, which were bound up with other
+speculations.
+
+Middle Comedy, something midway between the Old and New Comedy. See
+Comedy, Ancient, and New Comedy.
+
+Middle things, Book 7, XXV. The Stoics divided all things into virtue,
+vice, and indifferent things; but as "indifferent" they regarded most of
+those things which the world regards as good or bad, such as wealth or
+poverty. Of these, some were "to be desired," some "to be rejected."
+
+Muses, the nine deities who presided over various kinds of poesy, music,
+etc. Their leader was Apollo, one of whose titles is Musegetes, the
+Leader of the Muses.
+
+NERVES, strings.
+
+New Comedy, the Attic Comedy of Menander and his school, which
+criticised not persons but manners, like a modern comic opera. See
+Comedy, Ancient.
+
+PALESTRA, wrestling school.
+
+Pancratiast, competitor in the pancratium, a combined contest which
+comprised boxing and wrestling.
+
+Parmularii, gladiators armed with a small round shield (parma).
+
+Pheidias, the most famous sculptor of antiquity.
+
+Philippus, founder of the Macedonian supremacy, and father of Alexander
+the Great.
+
+Phocion, an Athenian general and statesman, a noble and high-minded man,
+4th century B.C.
+
+He was called by Demosthenes, "the pruner of my periods."
+
+He was put to death by the State in 317, on a false suspicion, and left
+a message for his son "to bear no grudge against the Athenians."
+
+Pine, torment.
+
+Plato of Athens, 429-347 B.C. He used the dialectic method invented by
+his master Socrates.
+
+He was, perhaps, as much poet as philosopher. He is generally identified
+with the Theory of Ideas, that things are what they are by participation
+with our eternal Idea. His "Commonwealth" was a kind of Utopia.
+
+Platonics, followers of Plato.
+
+Pompeii, near Mount Vesuvius, buried in the eruption of 79 A. D.
+
+Pompeius, C. Pompeius Magnus, a very successful general at the end of
+the Roman Republic (106-48 B.C.).
+
+Prestidigitator, juggler.
+
+Pythagoras of Samos, a philosopher, scientist, and moralist of the 6th
+century B.C.
+
+QUADI, a tribe of S. Germany.
+
+M. Aurelius carried on war against them, and part of this book was
+written in the field.
+
+RICTUS, gape, jaws.
+
+Rusticus, Q. Junius, or Stoic philosopher, twice made consul by M.
+Aurelius.
+
+SACRARY, shrine.
+
+Salaminius, Book 7, XXXVII. Leon of Sala-mis. Socrates was ordered by
+the Thirty Tyrants to fetch him before them, and Socrates, at his own
+peril, refused.
+
+Sarmatae, a tribe dwelling in Poland.
+
+Sceletum, skeleton.
+
+Sceptics, a school of philosophy founded by Pyrrho (4th century B.C.).
+He advocated "suspension of judgment," and taught the relativity of
+knowledge and impossibility of proof. The school is not unlike the
+Agnostic school.
+
+Scipio, the name of two great soldiers, P. Corn. Scipio Africanus,
+conqueror of Hannibal, and P.
+
+Corn. Sc. Afr. Minor, who came into the family by adoption, who
+destroyed Carthage.
+
+Secutoriani (a word coined by C.), the Sececutores, light-armed
+gladiators, who were pitted against others with net and trident.
+
+Sextus of Chaeronea, a Stoic philosopher, nephew of Plutarch.
+
+Silly, simple, common.
+
+Sinuessa, a town in Latium.
+
+Socrates, an Athenian philosopher (469-399 B.C.), founder of the
+dialectic method. Put to death on a trumped-up charge by his countrymen.
+
+Stint, limit (without implying niggardliness).
+
+Stoics, a philosophic system founded by Zeno (4th century B.C.), and
+systematised by Chrysippus (3rd century B.C.). Their physical theory
+was a pantheistic materialism, their summum bonum "to live according
+to nature." Their wise man needs nothing, he is sufficient to himself;
+virtue is good, vice bad, external things indifferent.
+
+THEOPHRASTUS, a philosopher, pupil of Aristotle, and his successor as
+president of the Lyceum. He wrote a large number of works on philosophy
+and natural history. Died 287 B.C.
+
+Thrasea, P. Thrasea Pactus, a senator and Stoic philosopher, a noble and
+courageous man. He was condemned to death by Nero.
+
+Tiberius, 2nd Roman Emperor (14-31 AD.). He spent the latter part of his
+life at Capreae (Capri), off Naples, in luxury or debauchery, neglecting
+his imperial duties.
+
+To-torn, torn to pieces.
+
+Trajan, 13th Roman Emperor, 52-117 A.D.
+
+VERUS, Lucius Aurelius, colleague of M. Aurelius in the Empire.
+
+He married Lucilla, daughter of M. A., and died 169 A.D.
+
+Vespasian, 9th Roman Emperor XENOCRATES of Chalcedon, 396-314 B.C., a
+philosopher, and president of the Academy.
+
+
+
+
+*** END OF THE PROJECT GUTENBERG EBOOK MEDITATIONS ***
+
+***** This file should be named 2680-0.txt or 2680-0.zip *****
+This and all associated files of various formats will be found in:
+ https://www.gutenberg.org/2/6/8/2680/
+
+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-tm electronic works to protect the PROJECT GUTENBERG-tm
+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-tm 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-tm License available with this file or online at
+www.gutenberg.org/license.
+
+Section 1. General Terms of Use and Redistributing Project
+Gutenberg-tm electronic works
+
+1.A. By reading or using any part of this Project Gutenberg-tm
+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-tm electronic works in your
+possession. If you paid a fee for obtaining a copy of or access to a
+Project Gutenberg-tm 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-tm 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-tm electronic works if you follow the terms of this
+agreement and help preserve free future access to Project Gutenberg-tm
+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-tm 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-tm mission of promoting
+free access to electronic works by freely sharing Project Gutenberg-tm
+works in compliance with the terms of this agreement for keeping the
+Project Gutenberg-tm 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-tm 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-tm 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-tm License must appear
+prominently whenever any copy of a Project Gutenberg-tm 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-tm 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-tm
+trademark as set forth in paragraphs 1.E.8 or 1.E.9.
+
+1.E.3. If an individual Project Gutenberg-tm 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-tm 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-tm
+License terms from this work, or any files containing a part of this
+work or any other work associated with Project Gutenberg-tm.
+
+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-tm 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-tm work in a format
+other than "Plain Vanilla ASCII" or other format used in the official
+version posted on the official Project Gutenberg-tm 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-tm 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-tm 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-tm electronic works
+provided that:
+
+* You pay a royalty fee of 20% of the gross profits you derive from
+ the use of Project Gutenberg-tm works calculated using the method
+ you already use to calculate your applicable taxes. The fee is owed
+ to the owner of the Project Gutenberg-tm 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-tm
+ 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-tm
+ 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-tm works.
+
+1.E.9. If you wish to charge a fee or distribute a Project
+Gutenberg-tm 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-tm 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-tm collection. Despite these efforts, Project Gutenberg-tm
+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-tm trademark, and any other party distributing a Project
+Gutenberg-tm 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-tm electronic works in
+accordance with this agreement, and any volunteers associated with the
+production, promotion and distribution of Project Gutenberg-tm
+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-tm work, (b) alteration, modification, or
+additions or deletions to any Project Gutenberg-tm work, and (c) any
+Defect you cause.
+
+Section 2. Information about the Mission of Project Gutenberg-tm
+
+Project Gutenberg-tm 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-tm's
+goals and ensuring that the Project Gutenberg-tm 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-tm 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-tm 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-tm electronic works
+
+Professor Michael S. Hart was the originator of the Project
+Gutenberg-tm concept of a library of electronic works that could be
+freely shared with anyone. For forty years, he produced and
+distributed Project Gutenberg-tm eBooks with only a loose network of
+volunteer support.
+
+Project Gutenberg-tm 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-tm,
+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/data_sources/philosophical/socrates_apology_plato.txt b/data_sources/philosophical/socrates_apology_plato.txt
new file mode 100644
index 0000000000000000000000000000000000000000..38c1f43d2af99d85f231869fd3738a18d359ba5a
--- /dev/null
+++ b/data_sources/philosophical/socrates_apology_plato.txt
@@ -0,0 +1,1818 @@
+ο»ΏThe Project Gutenberg EBook of Apology, by Plato
+
+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'll have
+to check the laws of the country where you are located before using this ebook.
+
+Title: Apology
+ Also known as βThe Death of Socratesβ
+
+Author: Plato
+
+Translator: Benjamin Jowett
+
+Release Date: February, 1999 [EBook #1656]
+[Most recently updated: October 4, 2020]
+
+Language: English
+
+Character set encoding: UTF-8
+
+*** START OF THIS PROJECT GUTENBERG EBOOK APOLOGY ***
+
+
+
+
+Produced by Sue Asscher, and David Widger
+
+
+
+
+Apology
+
+by Plato
+
+Translated by Benjamin Jowett
+
+
+Contents
+
+ INTRODUCTION
+ APOLOGY
+
+
+
+
+INTRODUCTION.
+
+
+In what relation the βApologyβ of Plato stands to the real defence of
+Socrates, there are no means of determining. It certainly agrees in
+tone and character with the description of Xenophon, who says in the
+βMemorabiliaβ that Socrates might have been acquitted βif in any
+moderate degree he would have conciliated the favour of the dicasts;β
+and who informs us in another passage, on the testimony of Hermogenes,
+the friend of Socrates, that he had no wish to live; and that the
+divine sign refused to allow him to prepare a defence, and also that
+Socrates himself declared this to be unnecessary, on the ground that
+all his life long he had been preparing against that hour. For the
+speech breathes throughout a spirit of defiance, β_ut non supplex aut
+reus sed magister aut dominus videretur esse judicum_β (Cic. βde Orat.β
+i. 54); and the loose and desultory style is an imitation of the
+βaccustomed mannerβ in which Socrates spoke in βthe _agora_ and among
+the tables of the money-changers.β The allusion in the βCritoβ (45 B)
+may, perhaps, be adduced as a further evidence of the literal accuracy
+of some parts (37 C, D). But in the main it must be regarded as the
+ideal of Socrates, according to Platoβs conception of him, appearing in
+the greatest and most public scene of his life, and in the height of
+his triumph, when he is weakest, and yet his mastery over mankind is
+greatest, and his habitual irony acquires a new meaning and a sort of
+tragic pathos in the face of death. The facts of his life are summed
+up, and the features of his character are brought out as if by accident
+in the course of the defence. The conversational manner, the seeming
+want of arrangement, the ironical simplicity, are found to result in a
+perfect work of art, which is the portrait of Socrates.
+
+Yet some of the topics may have been actually used by Socrates; and the
+recollection of his very words may have rung in the ears of his
+disciple. The βApologyβ of Plato may be compared generally with those
+speeches of Thucydides in which he has embodied his conception of the
+lofty character and policy of the great Pericles, and which at the same
+time furnish a commentary on the situation of affairs from the point of
+view of the historian. So in the βApologyβ there is an ideal rather
+than a literal truth; much is said which was not said, and is only
+Platoβs view of the situation. Plato was not, like Xenophon, a
+chronicler of facts; he does not appear in any of his writings to have
+aimed at literal accuracy. He is not therefore to be supplemented from
+the Memorabilia and Symposium of Xenophon, who belongs to an entirely
+different class of writers. The Apology of Plato is not the report of
+what Socrates said, but an elaborate composition, quite as much so in
+fact as one of the Dialogues. And we may perhaps even indulge in the
+fancy that the actual defence of Socrates was as much greater than the
+Platonic defence as the master was greater than the disciple. But in
+any case, some of the words used by him must have been remembered, and
+some of the facts recorded must have actually occurred. It is
+significant that Plato is said to have been present at the defence
+(Apol.), as he is also said to have been absent at the last scene in
+the βPhΓ¦doβ. Is it fanciful to suppose that he meant to give the stamp
+of authenticity to the one and not to the other?βespecially when we
+consider that these two passages are the only ones in which Plato makes
+mention of himself. The circumstance that Plato was to be one of his
+sureties for the payment of the fine which he proposed has the
+appearance of truth. More suspicious is the statement that Socrates
+received the first impulse to his favourite calling of cross-examining
+the world from the Oracle of Delphi; for he must already have been
+famous before Chaerephon went to consult the Oracle (Riddell), and the
+story is of a kind which is very likely to have been invented. On the
+whole we arrive at the conclusion that the βApologyβ is true to the
+character of Socrates, but we cannot show that any single sentence in
+it was actually spoken by him. It breathes the spirit of Socrates, but
+has been cast anew in the mould of Plato.
+
+There is not much in the other Dialogues which can be compared with the
+βApologyβ. The same recollection of his master may have been present to
+the mind of Plato when depicting the sufferings of the Just in the
+βRepublicβ. The βCritoβ may also be regarded as a sort of appendage to
+the βApologyβ, in which Socrates, who has defied the judges, is
+nevertheless represented as scrupulously obedient to the laws. The
+idealization of the sufferer is carried still further in the
+βGeorgiasβ, in which the thesis is maintained, that βto suffer is
+better than to do evil;β and the art of rhetoric is described as only
+useful for the purpose of self-accusation. The parallelisms which occur
+in the so-called βApologyβ of Xenophon are not worth noticing, because
+the writing in which they are contained is manifestly spurious. The
+statements of the βMemorabiliaβ respecting the trial and death of
+Socrates agree generally with Plato; but they have lost the flavour of
+Socratic irony in the narrative of Xenophon.
+
+The βApologyβ or Platonic defence of Socrates is divided into three
+parts: 1st. The defence properly so called; 2nd. The shorter address in
+mitigation of the penalty; 3rd. The last words of prophetic rebuke and
+exhortation.
+
+The first part commences with an apology for his colloquial style; he
+is, as he has always been, the enemy of rhetoric, and knows of no
+rhetoric but truth; he will not falsify his character by making a
+speech. Then he proceeds to divide his accusers into two classes;
+first, there is the nameless accuserβpublic opinion. All the world from
+their earliest years had heard that he was a corrupter of youth, and
+had seen him caricatured in the βCloudsβ of Aristophanes. Secondly,
+there are the professed accusers, who are but the mouth-piece of the
+others. The accusations of both might be summed up in a formula. The
+first say, βSocrates is an evil-doer and a curious person, searching
+into things under the earth and above the heaven; and making the worse
+appear the better cause, and teaching all this to others.β The second,
+βSocrates is an evil-doer and corrupter of the youth, who does not
+receive the gods whom the state receives, but introduces other new
+divinities.β These last words appear to have been the actual indictment
+(compare Xen. Mem.); and the previous formula, which is a summary of
+public opinion, assumes the same legal style.
+
+The answer begins by clearing up a confusion. In the representations of
+the Comic poets, and in the opinion of the multitude, he had been
+identified with the teachers of physical science and with the Sophists.
+But this was an error. For both of them he professes a respect in the
+open court, which contrasts with his manner of speaking about them in
+other places. (Compare for Anaxagoras, Phædo, Laws; for the Sophists,
+Meno, Republic, Tim., Theaet., Soph., etc.) But at the same time he
+shows that he is not one of them. Of natural philosophy he knows
+nothing; not that he despises such pursuits, but the fact is that he is
+ignorant of them, and never says a word about them. Nor is he paid for
+giving instructionβthat is another mistaken notion:βhe has nothing to
+teach. But he commends Evenus for teaching virtue at such a βmoderateβ
+rate as five minΓ¦. Something of the βaccustomed irony,β which may
+perhaps be expected to sleep in the ear of the multitude, is lurking
+here.
+
+He then goes on to explain the reason why he is in such an evil name.
+That had arisen out of a peculiar mission which he had taken upon
+himself. The enthusiastic Chaerephon (probably in anticipation of the
+answer which he received) had gone to Delphi and asked the oracle if
+there was any man wiser than Socrates; and the answer was, that there
+was no man wiser. What could be the meaning of thisβthat he who knew
+nothing, and knew that he knew nothing, should be declared by the
+oracle to be the wisest of men? Reflecting upon the answer, he
+determined to refute it by finding βa wiser;β and first he went to the
+politicians, and then to the poets, and then to the craftsmen, but
+always with the same resultβhe found that they knew nothing, or hardly
+anything more than himself; and that the little advantage which in some
+cases they possessed was more than counter-balanced by their conceit of
+knowledge. He knew nothing, and knew that he knew nothing: they knew
+little or nothing, and imagined that they knew all things. Thus he had
+passed his life as a sort of missionary in detecting the pretended
+wisdom of mankind; and this occupation had quite absorbed him and taken
+him away both from public and private affairs. Young men of the richer
+sort had made a pastime of the same pursuit, βwhich was not unamusing.β
+And hence bitter enmities had arisen; the professors of knowledge had
+revenged themselves by calling him a villainous corrupter of youth, and
+by repeating the commonplaces about atheism and materialism and
+sophistry, which are the stock-accusations against all philosophers
+when there is nothing else to be said of them.
+
+The second accusation he meets by interrogating Meletus, who is present
+and can be interrogated. βIf he is the corrupter, who is the improver
+of the citizens?β (Compare Meno.) βAll men everywhere.β But how absurd,
+how contrary to analogy is this! How inconceivable too, that he should
+make the citizens worse when he has to live with them. This surely
+cannot be intentional; and if unintentional, he ought to have been
+instructed by Meletus, and not accused in the court.
+
+But there is another part of the indictment which says that he teaches
+men not to receive the gods whom the city receives, and has other new
+gods. βIs that the way in which he is supposed to corrupt the youth?β
+βYes, it is.β βHas he only new gods, or none at all?β βNone at all.β
+βWhat, not even the sun and moon?β βNo; why, he says that the sun is a
+stone, and the moon earth.β That, replies Socrates, is the old
+confusion about Anaxagoras; the Athenian people are not so ignorant as
+to attribute to the influence of Socrates notions which have found
+their way into the drama, and may be learned at the theatre. Socrates
+undertakes to show that Meletus (rather unjustifiably) has been
+compounding a riddle in this part of the indictment: βThere are no
+gods, but Socrates believes in the existence of the sons of gods, which
+is absurd.β
+
+Leaving Meletus, who has had enough words spent upon him, he returns to
+the original accusation. The question may be asked, Why will he persist
+in following a profession which leads him to death? Why?βbecause he
+must remain at his post where the god has placed him, as he remained at
+Potidaea, and Amphipolis, and Delium, where the generals placed him.
+Besides, he is not so overwise as to imagine that he knows whether
+death is a good or an evil; and he is certain that desertion of his
+duty is an evil. Anytus is quite right in saying that they should never
+have indicted him if they meant to let him go. For he will certainly
+obey God rather than man; and will continue to preach to all men of all
+ages the necessity of virtue and improvement; and if they refuse to
+listen to him he will still persevere and reprove them. This is his way
+of corrupting the youth, which he will not cease to follow in obedience
+to the god, even if a thousand deaths await him.
+
+He is desirous that they should let him liveβnot for his own sake, but
+for theirs; because he is their heaven-sent friend (and they will never
+have such another), or, as he may be ludicrously described, he is the
+gadfly who stirs the generous steed into motion. Why then has he never
+taken part in public affairs? Because the familiar divine voice has
+hindered him; if he had been a public man, and had fought for the
+right, as he would certainly have fought against the many, he would not
+have lived, and could therefore have done no good. Twice in public
+matters he has risked his life for the sake of justiceβonce at the
+trial of the generals; and again in resistance to the tyrannical
+commands of the Thirty.
+
+But, though not a public man, he has passed his days in instructing the
+citizens without fee or rewardβthis was his mission. Whether his
+disciples have turned out well or ill, he cannot justly be charged with
+the result, for he never promised to teach them anything. They might
+come if they liked, and they might stay away if they liked: and they
+did come, because they found an amusement in hearing the pretenders to
+wisdom detected. If they have been corrupted, their elder relatives (if
+not themselves) might surely come into court and witness against him,
+and there is an opportunity still for them to appear. But their fathers
+and brothers all appear in court (including βthisβ Plato), to witness
+on his behalf; and if their relatives are corrupted, at least they are
+uncorrupted; βand they are my witnesses. For they know that I am
+speaking the truth, and that Meletus is lying.β
+
+This is about all that he has to say. He will not entreat the judges to
+spare his life; neither will he present a spectacle of weeping
+children, although he, too, is not made of βrock or oak.β Some of the
+judges themselves may have complied with this practice on similar
+occasions, and he trusts that they will not be angry with him for not
+following their example. But he feels that such conduct brings
+discredit on the name of Athens: he feels too, that the judge has sworn
+not to give away justice; and he cannot be guilty of the impiety of
+asking the judge to break his oath, when he is himself being tried for
+impiety.
+
+As he expected, and probably intended, he is convicted. And now the
+tone of the speech, instead of being more conciliatory, becomes more
+lofty and commanding. Anytus proposes death as the penalty: and what
+counter-proposition shall he make? He, the benefactor of the Athenian
+people, whose whole life has been spent in doing them good, should at
+least have the Olympic victorβs reward of maintenance in the Prytaneum.
+Or why should he propose any counter-penalty when he does not know
+whether death, which Anytus proposes, is a good or an evil? And he is
+certain that imprisonment is an evil, exile is an evil. Loss of money
+might be an evil, but then he has none to give; perhaps he can make up
+a mina. Let that be the penalty, or, if his friends wish, thirty minæ;
+for which they will be excellent securities.
+
+
+ [_He is condemned to death._]
+
+
+He is an old man already, and the Athenians will gain nothing but
+disgrace by depriving him of a few years of life. Perhaps he could have
+escaped, if he had chosen to throw down his arms and entreat for his
+life. But he does not at all repent of the manner of his defence; he
+would rather die in his own fashion than live in theirs. For the
+penalty of unrighteousness is swifter than death; that penalty has
+already overtaken his accusers as death will soon overtake him.
+
+And now, as one who is about to die, he will prophesy to them. They
+have put him to death in order to escape the necessity of giving an
+account of their lives. But his death βwill be the seedβ of many
+disciples who will convince them of their evil ways, and will come
+forth to reprove them in harsher terms, because they are younger and
+more inconsiderate.
+
+He would like to say a few words, while there is time, to those who
+would have acquitted him. He wishes them to know that the divine sign
+never interrupted him in the course of his defence; the reason of
+which, as he conjectures, is that the death to which he is going is a
+good and not an evil. For either death is a long sleep, the best of
+sleeps, or a journey to another world in which the souls of the dead
+are gathered together, and in which there may be a hope of seeing the
+heroes of oldβin which, too, there are just judges; and as all are
+immortal, there can be no fear of any one suffering death for his
+opinions.
+
+Nothing evil can happen to the good man either in life or death, and
+his own death has been permitted by the gods, because it was better for
+him to depart; and therefore he forgives his judges because they have
+done him no harm, although they never meant to do him any good.
+
+He has a last request to make to themβthat they will trouble his sons
+as he has troubled them, if they appear to prefer riches to virtue, or
+to think themselves something when they are nothing.
+
+
+βFew persons will be found to wish that Socrates should have defended
+himself otherwise,ββif, as we must add, his defence was that with which
+Plato has provided him. But leaving this question, which does not admit
+of a precise solution, we may go on to ask what was the impression
+which Plato in the βApologyβ intended to give of the character and
+conduct of his master in the last great scene? Did he intend to
+represent him (1) as employing sophistries; (2) as designedly
+irritating the judges? Or are these sophistries to be regarded as
+belonging to the age in which he lived and to his personal character,
+and this apparent haughtiness as flowing from the natural elevation of
+his position?
+
+For example, when he says that it is absurd to suppose that one man is
+the corrupter and all the rest of the world the improvers of the youth;
+or, when he argues that he never could have corrupted the men with whom
+he had to live; or, when he proves his belief in the gods because he
+believes in the sons of gods, is he serious or jesting? It may be
+observed that these sophisms all occur in his cross-examination of
+Meletus, who is easily foiled and mastered in the hands of the great
+dialectician. Perhaps he regarded these answers as good enough for his
+accuser, of whom he makes very light. Also there is a touch of irony in
+them, which takes them out of the category of sophistry. (Compare
+Euthyph.)
+
+That the manner in which he defends himself about the lives of his
+disciples is not satisfactory, can hardly be denied. Fresh in the
+memory of the Athenians, and detestable as they deserved to be to the
+newly restored democracy, were the names of Alcibiades, Critias,
+Charmides. It is obviously not a sufficient answer that Socrates had
+never professed to teach them anything, and is therefore not justly
+chargeable with their crimes. Yet the defence, when taken out of this
+ironical form, is doubtless sound: that his teaching had nothing to do
+with their evil lives. Here, then, the sophistry is rather in form than
+in substance, though we might desire that to such a serious charge
+Socrates had given a more serious answer.
+
+Truly characteristic of Socrates is another point in his answer, which
+may also be regarded as sophistical. He says that βif he has corrupted
+the youth, he must have corrupted them involuntarily.β But if, as
+Socrates argues, all evil is involuntary, then all criminals ought to
+be admonished and not punished. In these words the Socratic doctrine of
+the involuntariness of evil is clearly intended to be conveyed. Here
+again, as in the former instance, the defence of Socrates is untrue
+practically, but may be true in some ideal or transcendental sense. The
+commonplace reply, that if he had been guilty of corrupting the youth
+their relations would surely have witnessed against him, with which he
+concludes this part of his defence, is more satisfactory.
+
+Again, when Socrates argues that he must believe in the gods because he
+believes in the sons of gods, we must remember that this is a
+refutation not of the original indictment, which is consistent
+enoughββSocrates does not receive the gods whom the city receives, and
+has other new divinitiesββbut of the interpretation put upon the words
+by Meletus, who has affirmed that he is a downright atheist. To this
+Socrates fairly answers, in accordance with the ideas of the time, that
+a downright atheist cannot believe in the sons of gods or in divine
+things. The notion that demons or lesser divinities are the sons of
+gods is not to be regarded as ironical or sceptical. He is arguing βad
+hominemβ according to the notions of mythology current in his age. Yet
+he abstains from saying that he believed in the gods whom the State
+approved. He does not defend himself, as Xenophon has defended him, by
+appealing to his practice of religion. Probably he neither wholly
+believed, nor disbelieved, in the existence of the popular gods; he had
+no means of knowing about them. According to Plato (compare Phædo;
+Symp.), as well as Xenophon (Memor.), he was punctual in the
+performance of the least religious duties; and he must have believed in
+his own oracular sign, of which he seemed to have an internal witness.
+But the existence of Apollo or Zeus, or the other gods whom the State
+approves, would have appeared to him both uncertain and unimportant in
+comparison of the duty of self-examination, and of those principles of
+truth and right which he deemed to be the foundation of religion.
+(Compare Phaedr.; Euthyph.; Republic.)
+
+The second question, whether Plato meant to represent Socrates as
+braving or irritating his judges, must also be answered in the
+negative. His irony, his superiority, his audacity, βregarding not the
+person of man,β necessarily flow out of the loftiness of his situation.
+He is not acting a part upon a great occasion, but he is what he has
+been all his life long, βa king of men.β He would rather not appear
+insolent, if he could avoid it (ouch os authadizomenos touto lego).
+Neither is he desirous of hastening his own end, for life and death are
+simply indifferent to him. But such a defence as would be acceptable to
+his judges and might procure an acquittal, it is not in his nature to
+make. He will not say or do anything that might pervert the course of
+justice; he cannot have his tongue bound even βin the throat of death.β
+With his accusers he will only fence and play, as he had fenced with
+other βimprovers of youth,β answering the Sophist according to his
+sophistry all his life long. He is serious when he is speaking of his
+own mission, which seems to distinguish him from all other reformers of
+mankind, and originates in an accident. The dedication of himself to
+the improvement of his fellow-citizens is not so remarkable as the
+ironical spirit in which he goes about doing good only in vindication
+of the credit of the oracle, and in the vain hope of finding a wiser
+man than himself. Yet this singular and almost accidental character of
+his mission agrees with the divine sign which, according to our
+notions, is equally accidental and irrational, and is nevertheless
+accepted by him as the guiding principle of his life. Socrates is
+nowhere represented to us as a freethinker or sceptic. There is no
+reason to doubt his sincerity when he speculates on the possibility of
+seeing and knowing the heroes of the Trojan war in another world. On
+the other hand, his hope of immortality is uncertain;βhe also conceives
+of death as a long sleep (in this respect differing from the Phædo),
+and at last falls back on resignation to the divine will, and the
+certainty that no evil can happen to the good man either in life or
+death. His absolute truthfulness seems to hinder him from asserting
+positively more than this; and he makes no attempt to veil his
+ignorance in mythology and figures of speech. The gentleness of the
+first part of the speech contrasts with the aggravated, almost
+threatening, tone of the conclusion. He characteristically remarks that
+he will not speak as a rhetorician, that is to say, he will not make a
+regular defence such as Lysias or one of the orators might have
+composed for him, or, according to some accounts, did compose for him.
+But he first procures himself a hearing by conciliatory words. He does
+not attack the Sophists; for they were open to the same charges as
+himself; they were equally ridiculed by the Comic poets, and almost
+equally hateful to Anytus and Meletus. Yet incidentally the antagonism
+between Socrates and the Sophists is allowed to appear. He is poor and
+they are rich; his profession that he teaches nothing is opposed to
+their readiness to teach all things; his talking in the marketplace to
+their private instructions; his tarry-at-home life to their wandering
+from city to city. The tone which he assumes towards them is one of
+real friendliness, but also of concealed irony. Towards Anaxagoras, who
+had disappointed him in his hopes of learning about mind and nature, he
+shows a less kindly feeling, which is also the feeling of Plato in
+other passages (Laws). But Anaxagoras had been dead thirty years, and
+was beyond the reach of persecution.
+
+It has been remarked that the prophecy of a new generation of teachers
+who would rebuke and exhort the Athenian people in harsher and more
+violent terms was, as far as we know, never fulfilled. No inference can
+be drawn from this circumstance as to the probability of the words
+attributed to him having been actually uttered. They express the
+aspiration of the first martyr of philosophy, that he would leave
+behind him many followers, accompanied by the not unnatural feeling
+that they would be fiercer and more inconsiderate in their words when
+emancipated from his control.
+
+The above remarks must be understood as applying with any degree of
+certainty to the Platonic Socrates only. For, although these or similar
+words may have been spoken by Socrates himself, we cannot exclude the
+possibility, that like so much else, _e.g._ the wisdom of Critias, the
+poem of Solon, the virtues of Charmides, they may have been due only to
+the imagination of Plato. The arguments of those who maintain that the
+Apology was composed during the process, resting on no evidence, do not
+require a serious refutation. Nor are the reasonings of Schleiermacher,
+who argues that the Platonic defence is an exact or nearly exact
+reproduction of the words of Socrates, partly because Plato would not
+have been guilty of the impiety of altering them, and also because many
+points of the defence might have been improved and strengthened, at all
+more conclusive. (See English Translation.) What effect the death of
+Socrates produced on the mind of Plato, we cannot certainly determine;
+nor can we say how he would or must have written under the
+circumstances. We observe that the enmity of Aristophanes to Socrates
+does not prevent Plato from introducing them together in the Symposium
+engaged in friendly intercourse. Nor is there any trace in the
+Dialogues of an attempt to make Anytus or Meletus personally odious in
+the eyes of the Athenian public.
+
+
+
+
+APOLOGY
+
+
+How you, O Athenians, have been affected by my accusers, I cannot tell;
+but I know that they almost made me forget who I wasβso persuasively
+did they speak; and yet they have hardly uttered a word of truth. But
+of the many falsehoods told by them, there was one which quite amazed
+me;βI mean when they said that you should be upon your guard and not
+allow yourselves to be deceived by the force of my eloquence. To say
+this, when they were certain to be detected as soon as I opened my lips
+and proved myself to be anything but a great speaker, did indeed appear
+to me most shamelessβunless by the force of eloquence they mean the
+force of truth; for if such is their meaning, I admit that I am
+eloquent. But in how different a way from theirs! Well, as I was
+saying, they have scarcely spoken the truth at all; but from me you
+shall hear the whole truth: not, however, delivered after their manner
+in a set oration duly ornamented with words and phrases. No, by heaven!
+but I shall use the words and arguments which occur to me at the
+moment; for I am confident in the justice of my cause (Or, I am certain
+that I am right in taking this course.): at my time of life I ought not
+to be appearing before you, O men of Athens, in the character of a
+juvenile oratorβlet no one expect it of me. And I must beg of you to
+grant me a favour:βIf I defend myself in my accustomed manner, and you
+hear me using the words which I have been in the habit of using in the
+agora, at the tables of the money-changers, or anywhere else, I would
+ask you not to be surprised, and not to interrupt me on this account.
+For I am more than seventy years of age, and appearing now for the
+first time in a court of law, I am quite a stranger to the language of
+the place; and therefore I would have you regard me as if I were really
+a stranger, whom you would excuse if he spoke in his native tongue, and
+after the fashion of his country:βAm I making an unfair request of you?
+Never mind the manner, which may or may not be good; but think only of
+the truth of my words, and give heed to that: let the speaker speak
+truly and the judge decide justly.
+
+And first, I have to reply to the older charges and to my first
+accusers, and then I will go on to the later ones. For of old I have
+had many accusers, who have accused me falsely to you during many
+years; and I am more afraid of them than of Anytus and his associates,
+who are dangerous, too, in their own way. But far more dangerous are
+the others, who began when you were children, and took possession of
+your minds with their falsehoods, telling of one Socrates, a wise man,
+who speculated about the heaven above, and searched into the earth
+beneath, and made the worse appear the better cause. The disseminators
+of this tale are the accusers whom I dread; for their hearers are apt
+to fancy that such enquirers do not believe in the existence of the
+gods. And they are many, and their charges against me are of ancient
+date, and they were made by them in the days when you were more
+impressible than you are nowβin childhood, or it may have been in
+youthβand the cause when heard went by default, for there was none to
+answer. And hardest of all, I do not know and cannot tell the names of
+my accusers; unless in the chance case of a Comic poet. All who from
+envy and malice have persuaded youβsome of them having first convinced
+themselvesβall this class of men are most difficult to deal with; for I
+cannot have them up here, and cross-examine them, and therefore I must
+simply fight with shadows in my own defence, and argue when there is no
+one who answers. I will ask you then to assume with me, as I was
+saying, that my opponents are of two kinds; one recent, the other
+ancient: and I hope that you will see the propriety of my answering the
+latter first, for these accusations you heard long before the others,
+and much oftener.
+
+Well, then, I must make my defence, and endeavour to clear away in a
+short time, a slander which has lasted a long time. May I succeed, if
+to succeed be for my good and yours, or likely to avail me in my cause!
+The task is not an easy one; I quite understand the nature of it. And
+so leaving the event with God, in obedience to the law I will now make
+my defence.
+
+I will begin at the beginning, and ask what is the accusation which has
+given rise to the slander of me, and in fact has encouraged Meletus to
+proof this charge against me. Well, what do the slanderers say? They
+shall be my prosecutors, and I will sum up their words in an affidavit:
+βSocrates is an evil-doer, and a curious person, who searches into
+things under the earth and in heaven, and he makes the worse appear the
+better cause; and he teaches the aforesaid doctrines to others.β Such
+is the nature of the accusation: it is just what you have yourselves
+seen in the comedy of Aristophanes (Aristoph., Clouds.), who has
+introduced a man whom he calls Socrates, going about and saying that he
+walks in air, and talking a deal of nonsense concerning matters of
+which I do not pretend to know either much or littleβnot that I mean to
+speak disparagingly of any one who is a student of natural philosophy.
+I should be very sorry if Meletus could bring so grave a charge against
+me. But the simple truth is, O Athenians, that I have nothing to do
+with physical speculations. Very many of those here present are
+witnesses to the truth of this, and to them I appeal. Speak then, you
+who have heard me, and tell your neighbours whether any of you have
+ever known me hold forth in few words or in many upon such
+matters...You hear their answer. And from what they say of this part of
+the charge you will be able to judge of the truth of the rest.
+
+As little foundation is there for the report that I am a teacher, and
+take money; this accusation has no more truth in it than the other.
+Although, if a man were really able to instruct mankind, to receive
+money for giving instruction would, in my opinion, be an honour to him.
+There is Gorgias of Leontium, and Prodicus of Ceos, and Hippias of
+Elis, who go the round of the cities, and are able to persuade the
+young men to leave their own citizens by whom they might be taught for
+nothing, and come to them whom they not only pay, but are thankful if
+they may be allowed to pay them. There is at this time a Parian
+philosopher residing in Athens, of whom I have heard; and I came to
+hear of him in this way:βI came across a man who has spent a world of
+money on the Sophists, Callias, the son of Hipponicus, and knowing that
+he had sons, I asked him: βCallias,β I said, βif your two sons were
+foals or calves, there would be no difficulty in finding some one to
+put over them; we should hire a trainer of horses, or a farmer
+probably, who would improve and perfect them in their own proper virtue
+and excellence; but as they are human beings, whom are you thinking of
+placing over them? Is there any one who understands human and political
+virtue? You must have thought about the matter, for you have sons; is
+there any one?β βThere is,β he said. βWho is he?β said I; βand of what
+country? and what does he charge?β βEvenus the Parian,β he replied; βhe
+is the man, and his charge is five minΓ¦.β Happy is Evenus, I said to
+myself, if he really has this wisdom, and teaches at such a moderate
+charge. Had I the same, I should have been very proud and conceited;
+but the truth is that I have no knowledge of the kind.
+
+I dare say, Athenians, that some one among you will reply, βYes,
+Socrates, but what is the origin of these accusations which are brought
+against you; there must have been something strange which you have been
+doing? All these rumours and this talk about you would never have
+arisen if you had been like other men: tell us, then, what is the cause
+of them, for we should be sorry to judge hastily of you.β Now I regard
+this as a fair challenge, and I will endeavour to explain to you the
+reason why I am called wise and have such an evil fame. Please to
+attend then. And although some of you may think that I am joking, I
+declare that I will tell you the entire truth. Men of Athens, this
+reputation of mine has come of a certain sort of wisdom which I
+possess. If you ask me what kind of wisdom, I reply, wisdom such as may
+perhaps be attained by man, for to that extent I am inclined to believe
+that I am wise; whereas the persons of whom I was speaking have a
+superhuman wisdom which I may fail to describe, because I have it not
+myself; and he who says that I have, speaks falsely, and is taking away
+my character. And here, O men of Athens, I must beg you not to
+interrupt me, even if I seem to say something extravagant. For the word
+which I will speak is not mine. I will refer you to a witness who is
+worthy of credit; that witness shall be the God of Delphiβhe will tell
+you about my wisdom, if I have any, and of what sort it is. You must
+have known Chaerephon; he was early a friend of mine, and also a friend
+of yours, for he shared in the recent exile of the people, and returned
+with you. Well, Chaerephon, as you know, was very impetuous in all his
+doings, and he went to Delphi and boldly asked the oracle to tell him
+whetherβas I was saying, I must beg you not to interruptβhe asked the
+oracle to tell him whether anyone was wiser than I was, and the Pythian
+prophetess answered, that there was no man wiser. Chaerephon is dead
+himself; but his brother, who is in court, will confirm the truth of
+what I am saying.
+
+Why do I mention this? Because I am going to explain to you why I have
+such an evil name. When I heard the answer, I said to myself, What can
+the god mean? and what is the interpretation of his riddle? for I know
+that I have no wisdom, small or great. What then can he mean when he
+says that I am the wisest of men? And yet he is a god, and cannot lie;
+that would be against his nature. After long consideration, I thought
+of a method of trying the question. I reflected that if I could only
+find a man wiser than myself, then I might go to the god with a
+refutation in my hand. I should say to him, βHere is a man who is wiser
+than I am; but you said that I was the wisest.β Accordingly I went to
+one who had the reputation of wisdom, and observed himβhis name I need
+not mention; he was a politician whom I selected for examinationβand
+the result was as follows: When I began to talk with him, I could not
+help thinking that he was not really wise, although he was thought wise
+by many, and still wiser by himself; and thereupon I tried to explain
+to him that he thought himself wise, but was not really wise; and the
+consequence was that he hated me, and his enmity was shared by several
+who were present and heard me. So I left him, saying to myself, as I
+went away: Well, although I do not suppose that either of us knows
+anything really beautiful and good, I am better off than he is,βfor he
+knows nothing, and thinks that he knows; I neither know nor think that
+I know. In this latter particular, then, I seem to have slightly the
+advantage of him. Then I went to another who had still higher
+pretensions to wisdom, and my conclusion was exactly the same.
+Whereupon I made another enemy of him, and of many others besides him.
+
+Then I went to one man after another, being not unconscious of the
+enmity which I provoked, and I lamented and feared this: but necessity
+was laid upon me,βthe word of God, I thought, ought to be considered
+first. And I said to myself, Go I must to all who appear to know, and
+find out the meaning of the oracle. And I swear to you, Athenians, by
+the dog I swear!βfor I must tell you the truthβthe result of my mission
+was just this: I found that the men most in repute were all but the
+most foolish; and that others less esteemed were really wiser and
+better. I will tell you the tale of my wanderings and of the
+βHerculeanβ labours, as I may call them, which I endured only to find
+at last the oracle irrefutable. After the politicians, I went to the
+poets; tragic, dithyrambic, and all sorts. And there, I said to myself,
+you will be instantly detected; now you will find out that you are more
+ignorant than they are. Accordingly, I took them some of the most
+elaborate passages in their own writings, and asked what was the
+meaning of themβthinking that they would teach me something. Will you
+believe me? I am almost ashamed to confess the truth, but I must say
+that there is hardly a person present who would not have talked better
+about their poetry than they did themselves. Then I knew that not by
+wisdom do poets write poetry, but by a sort of genius and inspiration;
+they are like diviners or soothsayers who also say many fine things,
+but do not understand the meaning of them. The poets appeared to me to
+be much in the same case; and I further observed that upon the strength
+of their poetry they believed themselves to be the wisest of men in
+other things in which they were not wise. So I departed, conceiving
+myself to be superior to them for the same reason that I was superior
+to the politicians.
+
+At last I went to the artisans. I was conscious that I knew nothing at
+all, as I may say, and I was sure that they knew many fine things; and
+here I was not mistaken, for they did know many things of which I was
+ignorant, and in this they certainly were wiser than I was. But I
+observed that even the good artisans fell into the same error as the
+poets;βbecause they were good workmen they thought that they also knew
+all sorts of high matters, and this defect in them overshadowed their
+wisdom; and therefore I asked myself on behalf of the oracle, whether I
+would like to be as I was, neither having their knowledge nor their
+ignorance, or like them in both; and I made answer to myself and to the
+oracle that I was better off as I was.
+
+This inquisition has led to my having many enemies of the worst and
+most dangerous kind, and has given occasion also to many calumnies. And
+I am called wise, for my hearers always imagine that I myself possess
+the wisdom which I find wanting in others: but the truth is, O men of
+Athens, that God only is wise; and by his answer he intends to show
+that the wisdom of men is worth little or nothing; he is not speaking
+of Socrates, he is only using my name by way of illustration, as if he
+said, He, O men, is the wisest, who, like Socrates, knows that his
+wisdom is in truth worth nothing. And so I go about the world, obedient
+to the god, and search and make enquiry into the wisdom of any one,
+whether citizen or stranger, who appears to be wise; and if he is not
+wise, then in vindication of the oracle I show him that he is not wise;
+and my occupation quite absorbs me, and I have no time to give either
+to any public matter of interest or to any concern of my own, but I am
+in utter poverty by reason of my devotion to the god.
+
+There is another thing:βyoung men of the richer classes, who have not
+much to do, come about me of their own accord; they like to hear the
+pretenders examined, and they often imitate me, and proceed to examine
+others; there are plenty of persons, as they quickly discover, who
+think that they know something, but really know little or nothing; and
+then those who are examined by them instead of being angry with
+themselves are angry with me: This confounded Socrates, they say; this
+villainous misleader of youth!βand then if somebody asks them, Why,
+what evil does he practise or teach? they do not know, and cannot tell;
+but in order that they may not appear to be at a loss, they repeat the
+ready-made charges which are used against all philosophers about
+teaching things up in the clouds and under the earth, and having no
+gods, and making the worse appear the better cause; for they do not
+like to confess that their pretence of knowledge has been
+detectedβwhich is the truth; and as they are numerous and ambitious and
+energetic, and are drawn up in battle array and have persuasive
+tongues, they have filled your ears with their loud and inveterate
+calumnies. And this is the reason why my three accusers, Meletus and
+Anytus and Lycon, have set upon me; Meletus, who has a quarrel with me
+on behalf of the poets; Anytus, on behalf of the craftsmen and
+politicians; Lycon, on behalf of the rhetoricians: and as I said at the
+beginning, I cannot expect to get rid of such a mass of calumny all in
+a moment. And this, O men of Athens, is the truth and the whole truth;
+I have concealed nothing, I have dissembled nothing. And yet, I know
+that my plainness of speech makes them hate me, and what is their
+hatred but a proof that I am speaking the truth?βHence has arisen the
+prejudice against me; and this is the reason of it, as you will find
+out either in this or in any future enquiry.
+
+I have said enough in my defence against the first class of my
+accusers; I turn to the second class. They are headed by Meletus, that
+good man and true lover of his country, as he calls himself. Against
+these, too, I must try to make a defence:βLet their affidavit be read:
+it contains something of this kind: It says that Socrates is a doer of
+evil, who corrupts the youth; and who does not believe in the gods of
+the state, but has other new divinities of his own. Such is the charge;
+and now let us examine the particular counts. He says that I am a doer
+of evil, and corrupt the youth; but I say, O men of Athens, that
+Meletus is a doer of evil, in that he pretends to be in earnest when he
+is only in jest, and is so eager to bring men to trial from a pretended
+zeal and interest about matters in which he really never had the
+smallest interest. And the truth of this I will endeavour to prove to
+you.
+
+Come hither, Meletus, and let me ask a question of you. You think a
+great deal about the improvement of youth?
+
+Yes, I do.
+
+Tell the judges, then, who is their improver; for you must know, as you
+have taken the pains to discover their corrupter, and are citing and
+accusing me before them. Speak, then, and tell the judges who their
+improver is.βObserve, Meletus, that you are silent, and have nothing to
+say. But is not this rather disgraceful, and a very considerable proof
+of what I was saying, that you have no interest in the matter? Speak
+up, friend, and tell us who their improver is.
+
+The laws.
+
+But that, my good sir, is not my meaning. I want to know who the person
+is, who, in the first place, knows the laws.
+
+The judges, Socrates, who are present in court.
+
+What, do you mean to say, Meletus, that they are able to instruct and
+improve youth?
+
+Certainly they are.
+
+What, all of them, or some only and not others?
+
+All of them.
+
+By the goddess Here, that is good news! There are plenty of improvers,
+then. And what do you say of the audience,βdo they improve them?
+
+Yes, they do.
+
+And the senators?
+
+Yes, the senators improve them.
+
+But perhaps the members of the assembly corrupt them?βor do they too
+improve them?
+
+They improve them.
+
+Then every Athenian improves and elevates them; all with the exception
+of myself; and I alone am their corrupter? Is that what you affirm?
+
+That is what I stoutly affirm.
+
+I am very unfortunate if you are right. But suppose I ask you a
+question: How about horses? Does one man do them harm and all the world
+good? Is not the exact opposite the truth? One man is able to do them
+good, or at least not many;βthe trainer of horses, that is to say, does
+them good, and others who have to do with them rather injure them? Is
+not that true, Meletus, of horses, or of any other animals? Most
+assuredly it is; whether you and Anytus say yes or no. Happy indeed
+would be the condition of youth if they had one corrupter only, and all
+the rest of the world were their improvers. But you, Meletus, have
+sufficiently shown that you never had a thought about the young: your
+carelessness is seen in your not caring about the very things which you
+bring against me.
+
+And now, Meletus, I will ask you another questionβby Zeus I will: Which
+is better, to live among bad citizens, or among good ones? Answer,
+friend, I say; the question is one which may be easily answered. Do not
+the good do their neighbours good, and the bad do them evil?
+
+Certainly.
+
+And is there anyone who would rather be injured than benefited by those
+who live with him? Answer, my good friend, the law requires you to
+answerβdoes any one like to be injured?
+
+Certainly not.
+
+And when you accuse me of corrupting and deteriorating the youth, do
+you allege that I corrupt them intentionally or unintentionally?
+
+Intentionally, I say.
+
+But you have just admitted that the good do their neighbours good, and
+the evil do them evil. Now, is that a truth which your superior wisdom
+has recognized thus early in life, and am I, at my age, in such
+darkness and ignorance as not to know that if a man with whom I have to
+live is corrupted by me, I am very likely to be harmed by him; and yet
+I corrupt him, and intentionally, tooβso you say, although neither I
+nor any other human being is ever likely to be convinced by you. But
+either I do not corrupt them, or I corrupt them unintentionally; and on
+either view of the case you lie. If my offence is unintentional, the
+law has no cognizance of unintentional offences: you ought to have
+taken me privately, and warned and admonished me; for if I had been
+better advised, I should have left off doing what I only did
+unintentionallyβno doubt I should; but you would have nothing to say to
+me and refused to teach me. And now you bring me up in this court,
+which is a place not of instruction, but of punishment.
+
+It will be very clear to you, Athenians, as I was saying, that Meletus
+has no care at all, great or small, about the matter. But still I
+should like to know, Meletus, in what I am affirmed to corrupt the
+young. I suppose you mean, as I infer from your indictment, that I
+teach them not to acknowledge the gods which the state acknowledges,
+but some other new divinities or spiritual agencies in their stead.
+These are the lessons by which I corrupt the youth, as you say.
+
+Yes, that I say emphatically.
+
+Then, by the gods, Meletus, of whom we are speaking, tell me and the
+court, in somewhat plainer terms, what you mean! for I do not as yet
+understand whether you affirm that I teach other men to acknowledge
+some gods, and therefore that I do believe in gods, and am not an
+entire atheistβthis you do not lay to my charge,βbut only you say that
+they are not the same gods which the city recognizesβthe charge is that
+they are different gods. Or, do you mean that I am an atheist simply,
+and a teacher of atheism?
+
+I mean the latterβthat you are a complete atheist.
+
+What an extraordinary statement! Why do you think so, Meletus? Do you
+mean that I do not believe in the godhead of the sun or moon, like
+other men?
+
+I assure you, judges, that he does not: for he says that the sun is
+stone, and the moon earth.
+
+Friend Meletus, you think that you are accusing Anaxagoras: and you
+have but a bad opinion of the judges, if you fancy them illiterate to
+such a degree as not to know that these doctrines are found in the
+books of Anaxagoras the Clazomenian, which are full of them. And so,
+forsooth, the youth are said to be taught them by Socrates, when there
+are not unfrequently exhibitions of them at the theatre (Probably in
+allusion to Aristophanes who caricatured, and to Euripides who borrowed
+the notions of Anaxagoras, as well as to other dramatic poets.) (price
+of admission one drachma at the most); and they might pay their money,
+and laugh at Socrates if he pretends to father these extraordinary
+views. And so, Meletus, you really think that I do not believe in any
+god?
+
+I swear by Zeus that you believe absolutely in none at all.
+
+Nobody will believe you, Meletus, and I am pretty sure that you do not
+believe yourself. I cannot help thinking, men of Athens, that Meletus
+is reckless and impudent, and that he has written this indictment in a
+spirit of mere wantonness and youthful bravado. Has he not compounded a
+riddle, thinking to try me? He said to himself:βI shall see whether the
+wise Socrates will discover my facetious contradiction, or whether I
+shall be able to deceive him and the rest of them. For he certainly
+does appear to me to contradict himself in the indictment as much as if
+he said that Socrates is guilty of not believing in the gods, and yet
+of believing in themβbut this is not like a person who is in earnest.
+
+I should like you, O men of Athens, to join me in examining what I
+conceive to be his inconsistency; and do you, Meletus, answer. And I
+must remind the audience of my request that they would not make a
+disturbance if I speak in my accustomed manner:
+
+Did ever man, Meletus, believe in the existence of human things, and
+not of human beings?...I wish, men of Athens, that he would answer, and
+not be always trying to get up an interruption. Did ever any man
+believe in horsemanship, and not in horses? or in flute-playing, and
+not in flute-players? No, my friend; I will answer to you and to the
+court, as you refuse to answer for yourself. There is no man who ever
+did. But now please to answer the next question: Can a man believe in
+spiritual and divine agencies, and not in spirits or demigods?
+
+He cannot.
+
+How lucky I am to have extracted that answer, by the assistance of the
+court! But then you swear in the indictment that I teach and believe in
+divine or spiritual agencies (new or old, no matter for that); at any
+rate, I believe in spiritual agencies,βso you say and swear in the
+affidavit; and yet if I believe in divine beings, how can I help
+believing in spirits or demigods;βmust I not? To be sure I must; and
+therefore I may assume that your silence gives consent. Now what are
+spirits or demigods? Are they not either gods or the sons of gods?
+
+Certainly they are.
+
+But this is what I call the facetious riddle invented by you: the
+demigods or spirits are gods, and you say first that I do not believe
+in gods, and then again that I do believe in gods; that is, if I
+believe in demigods. For if the demigods are the illegitimate sons of
+gods, whether by the nymphs or by any other mothers, of whom they are
+said to be the sonsβwhat human being will ever believe that there are
+no gods if they are the sons of gods? You might as well affirm the
+existence of mules, and deny that of horses and asses. Such nonsense,
+Meletus, could only have been intended by you to make trial of me. You
+have put this into the indictment because you had nothing real of which
+to accuse me. But no one who has a particle of understanding will ever
+be convinced by you that the same men can believe in divine and
+superhuman things, and yet not believe that there are gods and demigods
+and heroes.
+
+I have said enough in answer to the charge of Meletus: any elaborate
+defence is unnecessary, but I know only too well how many are the
+enmities which I have incurred, and this is what will be my destruction
+if I am destroyed;βnot Meletus, nor yet Anytus, but the envy and
+detraction of the world, which has been the death of many good men, and
+will probably be the death of many more; there is no danger of my being
+the last of them.
+
+Some one will say: And are you not ashamed, Socrates, of a course of
+life which is likely to bring you to an untimely end? To him I may
+fairly answer: There you are mistaken: a man who is good for anything
+ought not to calculate the chance of living or dying; he ought only to
+consider whether in doing anything he is doing right or wrongβacting
+the part of a good man or of a bad. Whereas, upon your view, the heroes
+who fell at Troy were not good for much, and the son of Thetis above
+all, who altogether despised danger in comparison with disgrace; and
+when he was so eager to slay Hector, his goddess mother said to him,
+that if he avenged his companion Patroclus, and slew Hector, he would
+die himselfββFate,β she said, in these or the like words, βwaits for
+you next after Hector;β he, receiving this warning, utterly despised
+danger and death, and instead of fearing them, feared rather to live in
+dishonour, and not to avenge his friend. βLet me die forthwith,β he
+replies, βand be avenged of my enemy, rather than abide here by the
+beaked ships, a laughing-stock and a burden of the earth.β Had Achilles
+any thought of death and danger? For wherever a manβs place is, whether
+the place which he has chosen or that in which he has been placed by a
+commander, there he ought to remain in the hour of danger; he should
+not think of death or of anything but of disgrace. And this, O men of
+Athens, is a true saying.
+
+Strange, indeed, would be my conduct, O men of Athens, if I who, when I
+was ordered by the generals whom you chose to command me at Potidaea
+and Amphipolis and Delium, remained where they placed me, like any
+other man, facing deathβif now, when, as I conceive and imagine, God
+orders me to fulfil the philosopherβs mission of searching into myself
+and other men, I were to desert my post through fear of death, or any
+other fear; that would indeed be strange, and I might justly be
+arraigned in court for denying the existence of the gods, if I
+disobeyed the oracle because I was afraid of death, fancying that I was
+wise when I was not wise. For the fear of death is indeed the pretence
+of wisdom, and not real wisdom, being a pretence of knowing the
+unknown; and no one knows whether death, which men in their fear
+apprehend to be the greatest evil, may not be the greatest good. Is not
+this ignorance of a disgraceful sort, the ignorance which is the
+conceit that a man knows what he does not know? And in this respect
+only I believe myself to differ from men in general, and may perhaps
+claim to be wiser than they are:βthat whereas I know but little of the
+world below, I do not suppose that I know: but I do know that injustice
+and disobedience to a better, whether God or man, is evil and
+dishonourable, and I will never fear or avoid a possible good rather
+than a certain evil. And therefore if you let me go now, and are not
+convinced by Anytus, who said that since I had been prosecuted I must
+be put to death; (or if not that I ought never to have been prosecuted
+at all); and that if I escape now, your sons will all be utterly ruined
+by listening to my wordsβif you say to me, Socrates, this time we will
+not mind Anytus, and you shall be let off, but upon one condition, that
+you are not to enquire and speculate in this way any more, and that if
+you are caught doing so again you shall die;βif this was the condition
+on which you let me go, I should reply: Men of Athens, I honour and
+love you; but I shall obey God rather than you, and while I have life
+and strength I shall never cease from the practice and teaching of
+philosophy, exhorting any one whom I meet and saying to him after my
+manner: You, my friend,βa citizen of the great and mighty and wise city
+of Athens,βare you not ashamed of heaping up the greatest amount of
+money and honour and reputation, and caring so little about wisdom and
+truth and the greatest improvement of the soul, which you never regard
+or heed at all? And if the person with whom I am arguing, says: Yes,
+but I do care; then I do not leave him or let him go at once; but I
+proceed to interrogate and examine and cross-examine him, and if I
+think that he has no virtue in him, but only says that he has, I
+reproach him with undervaluing the greater, and overvaluing the less.
+And I shall repeat the same words to every one whom I meet, young and
+old, citizen and alien, but especially to the citizens, inasmuch as
+they are my brethren. For know that this is the command of God; and I
+believe that no greater good has ever happened in the state than my
+service to the God. For I do nothing but go about persuading you all,
+old and young alike, not to take thought for your persons or your
+properties, but first and chiefly to care about the greatest
+improvement of the soul. I tell you that virtue is not given by money,
+but that from virtue comes money and every other good of man, public as
+well as private. This is my teaching, and if this is the doctrine which
+corrupts the youth, I am a mischievous person. But if any one says that
+this is not my teaching, he is speaking an untruth. Wherefore, O men of
+Athens, I say to you, do as Anytus bids or not as Anytus bids, and
+either acquit me or not; but whichever you do, understand that I shall
+never alter my ways, not even if I have to die many times.
+
+Men of Athens, do not interrupt, but hear me; there was an
+understanding between us that you should hear me to the end: I have
+something more to say, at which you may be inclined to cry out; but I
+believe that to hear me will be good for you, and therefore I beg that
+you will not cry out. I would have you know, that if you kill such an
+one as I am, you will injure yourselves more than you will injure me.
+Nothing will injure me, not Meletus nor yet Anytusβthey cannot, for a
+bad man is not permitted to injure a better than himself. I do not deny
+that Anytus may, perhaps, kill him, or drive him into exile, or deprive
+him of civil rights; and he may imagine, and others may imagine, that
+he is inflicting a great injury upon him: but there I do not agree. For
+the evil of doing as he is doingβthe evil of unjustly taking away the
+life of anotherβis greater far.
+
+And now, Athenians, I am not going to argue for my own sake, as you may
+think, but for yours, that you may not sin against the God by
+condemning me, who am his gift to you. For if you kill me you will not
+easily find a successor to me, who, if I may use such a ludicrous
+figure of speech, am a sort of gadfly, given to the state by God; and
+the state is a great and noble steed who is tardy in his motions owing
+to his very size, and requires to be stirred into life. I am that
+gadfly which God has attached to the state, and all day long and in all
+places am always fastening upon you, arousing and persuading and
+reproaching you. You will not easily find another like me, and
+therefore I would advise you to spare me. I dare say that you may feel
+out of temper (like a person who is suddenly awakened from sleep), and
+you think that you might easily strike me dead as Anytus advises, and
+then you would sleep on for the remainder of your lives, unless God in
+his care of you sent you another gadfly. When I say that I am given to
+you by God, the proof of my mission is this:βif I had been like other
+men, I should not have neglected all my own concerns or patiently seen
+the neglect of them during all these years, and have been doing yours,
+coming to you individually like a father or elder brother, exhorting
+you to regard virtue; such conduct, I say, would be unlike human
+nature. If I had gained anything, or if my exhortations had been paid,
+there would have been some sense in my doing so; but now, as you will
+perceive, not even the impudence of my accusers dares to say that I
+have ever exacted or sought pay of any one; of that they have no
+witness. And I have a sufficient witness to the truth of what I sayβmy
+poverty.
+
+Some one may wonder why I go about in private giving advice and busying
+myself with the concerns of others, but do not venture to come forward
+in public and advise the state. I will tell you why. You have heard me
+speak at sundry times and in divers places of an oracle or sign which
+comes to me, and is the divinity which Meletus ridicules in the
+indictment. This sign, which is a kind of voice, first began to come to
+me when I was a child; it always forbids but never commands me to do
+anything which I am going to do. This is what deters me from being a
+politician. And rightly, as I think. For I am certain, O men of Athens,
+that if I had engaged in politics, I should have perished long ago, and
+done no good either to you or to myself. And do not be offended at my
+telling you the truth: for the truth is, that no man who goes to war
+with you or any other multitude, honestly striving against the many
+lawless and unrighteous deeds which are done in a state, will save his
+life; he who will fight for the right, if he would live even for a
+brief space, must have a private station and not a public one.
+
+I can give you convincing evidence of what I say, not words only, but
+what you value far moreβactions. Let me relate to you a passage of my
+own life which will prove to you that I should never have yielded to
+injustice from any fear of death, and that βas I should have refused to
+yieldβ I must have died at once. I will tell you a tale of the courts,
+not very interesting perhaps, but nevertheless true. The only office of
+state which I ever held, O men of Athens, was that of senator: the
+tribe Antiochis, which is my tribe, had the presidency at the trial of
+the generals who had not taken up the bodies of the slain after the
+battle of Arginusae; and you proposed to try them in a body, contrary
+to law, as you all thought afterwards; but at the time I was the only
+one of the Prytanes who was opposed to the illegality, and I gave my
+vote against you; and when the orators threatened to impeach and arrest
+me, and you called and shouted, I made up my mind that I would run the
+risk, having law and justice with me, rather than take part in your
+injustice because I feared imprisonment and death. This happened in the
+days of the democracy. But when the oligarchy of the Thirty was in
+power, they sent for me and four others into the rotunda, and bade us
+bring Leon the Salaminian from Salamis, as they wanted to put him to
+death. This was a specimen of the sort of commands which they were
+always giving with the view of implicating as many as possible in their
+crimes; and then I showed, not in word only but in deed, that, if I may
+be allowed to use such an expression, I cared not a straw for death,
+and that my great and only care was lest I should do an unrighteous or
+unholy thing. For the strong arm of that oppressive power did not
+frighten me into doing wrong; and when we came out of the rotunda the
+other four went to Salamis and fetched Leon, but I went quietly home.
+For which I might have lost my life, had not the power of the Thirty
+shortly afterwards come to an end. And many will witness to my words.
+
+Now do you really imagine that I could have survived all these years,
+if I had led a public life, supposing that like a good man I had always
+maintained the right and had made justice, as I ought, the first thing?
+No indeed, men of Athens, neither I nor any other man. But I have been
+always the same in all my actions, public as well as private, and never
+have I yielded any base compliance to those who are slanderously termed
+my disciples, or to any other. Not that I have any regular disciples.
+But if any one likes to come and hear me while I am pursuing my
+mission, whether he be young or old, he is not excluded. Nor do I
+converse only with those who pay; but any one, whether he be rich or
+poor, may ask and answer me and listen to my words; and whether he
+turns out to be a bad man or a good one, neither result can be justly
+imputed to me; for I never taught or professed to teach him anything.
+And if any one says that he has ever learned or heard anything from me
+in private which all the world has not heard, let me tell you that he
+is lying.
+
+But I shall be asked, Why do people delight in continually conversing
+with you? I have told you already, Athenians, the whole truth about
+this matter: they like to hear the cross-examination of the pretenders
+to wisdom; there is amusement in it. Now this duty of cross-examining
+other men has been imposed upon me by God; and has been signified to me
+by oracles, visions, and in every way in which the will of divine power
+was ever intimated to any one. This is true, O Athenians, or, if not
+true, would be soon refuted. If I am or have been corrupting the youth,
+those of them who are now grown up and have become sensible that I gave
+them bad advice in the days of their youth should come forward as
+accusers, and take their revenge; or if they do not like to come
+themselves, some of their relatives, fathers, brothers, or other
+kinsmen, should say what evil their families have suffered at my hands.
+Now is their time. Many of them I see in the court. There is Crito, who
+is of the same age and of the same deme with myself, and there is
+Critobulus his son, whom I also see. Then again there is Lysanias of
+Sphettus, who is the father of Aeschinesβhe is present; and also there
+is Antiphon of Cephisus, who is the father of Epigenes; and there are
+the brothers of several who have associated with me. There is
+Nicostratus the son of Theosdotides, and the brother of Theodotus (now
+Theodotus himself is dead, and therefore he, at any rate, will not seek
+to stop him); and there is Paralus the son of Demodocus, who had a
+brother Theages; and Adeimantus the son of Ariston, whose brother Plato
+is present; and Aeantodorus, who is the brother of Apollodorus, whom I
+also see. I might mention a great many others, some of whom Meletus
+should have produced as witnesses in the course of his speech; and let
+him still produce them, if he has forgottenβI will make way for him.
+And let him say, if he has any testimony of the sort which he can
+produce. Nay, Athenians, the very opposite is the truth. For all these
+are ready to witness on behalf of the corrupter, of the injurer of
+their kindred, as Meletus and Anytus call me; not the corrupted youth
+onlyβthere might have been a motive for thatβbut their uncorrupted
+elder relatives. Why should they too support me with their testimony?
+Why, indeed, except for the sake of truth and justice, and because they
+know that I am speaking the truth, and that Meletus is a liar.
+
+Well, Athenians, this and the like of this is all the defence which I
+have to offer. Yet a word more. Perhaps there may be some one who is
+offended at me, when he calls to mind how he himself on a similar, or
+even a less serious occasion, prayed and entreated the judges with many
+tears, and how he produced his children in court, which was a moving
+spectacle, together with a host of relations and friends; whereas I,
+who am probably in danger of my life, will do none of these things. The
+contrast may occur to his mind, and he may be set against me, and vote
+in anger because he is displeased at me on this account. Now if there
+be such a person among you,βmind, I do not say that there is,βto him I
+may fairly reply: My friend, I am a man, and like other men, a creature
+of flesh and blood, and not βof wood or stone,β as Homer says; and I
+have a family, yes, and sons, O Athenians, three in number, one almost
+a man, and two others who are still young; and yet I will not bring any
+of them hither in order to petition you for an acquittal. And why not?
+Not from any self-assertion or want of respect for you. Whether I am or
+am not afraid of death is another question, of which I will not now
+speak. But, having regard to public opinion, I feel that such conduct
+would be discreditable to myself, and to you, and to the whole state.
+One who has reached my years, and who has a name for wisdom, ought not
+to demean himself. Whether this opinion of me be deserved or not, at
+any rate the world has decided that Socrates is in some way superior to
+other men. And if those among you who are said to be superior in wisdom
+and courage, and any other virtue, demean themselves in this way, how
+shameful is their conduct! I have seen men of reputation, when they
+have been condemned, behaving in the strangest manner: they seemed to
+fancy that they were going to suffer something dreadful if they died,
+and that they could be immortal if you only allowed them to live; and I
+think that such are a dishonour to the state, and that any stranger
+coming in would have said of them that the most eminent men of Athens,
+to whom the Athenians themselves give honour and command, are no better
+than women. And I say that these things ought not to be done by those
+of us who have a reputation; and if they are done, you ought not to
+permit them; you ought rather to show that you are far more disposed to
+condemn the man who gets up a doleful scene and makes the city
+ridiculous, than him who holds his peace.
+
+But, setting aside the question of public opinion, there seems to be
+something wrong in asking a favour of a judge, and thus procuring an
+acquittal, instead of informing and convincing him. For his duty is,
+not to make a present of justice, but to give judgment; and he has
+sworn that he will judge according to the laws, and not according to
+his own good pleasure; and we ought not to encourage you, nor should
+you allow yourselves to be encouraged, in this habit of perjuryβthere
+can be no piety in that. Do not then require me to do what I consider
+dishonourable and impious and wrong, especially now, when I am being
+tried for impiety on the indictment of Meletus. For if, O men of
+Athens, by force of persuasion and entreaty I could overpower your
+oaths, then I should be teaching you to believe that there are no gods,
+and in defending should simply convict myself of the charge of not
+believing in them. But that is not soβfar otherwise. For I do believe
+that there are gods, and in a sense higher than that in which any of my
+accusers believe in them. And to you and to God I commit my cause, to
+be determined by you as is best for you and me.
+
+
+There are many reasons why I am not grieved, O men of Athens, at the
+vote of condemnation. I expected it, and am only surprised that the
+votes are so nearly equal; for I had thought that the majority against
+me would have been far larger; but now, had thirty votes gone over to
+the other side, I should have been acquitted. And I may say, I think,
+that I have escaped Meletus. I may say more; for without the assistance
+of Anytus and Lycon, any one may see that he would not have had a fifth
+part of the votes, as the law requires, in which case he would have
+incurred a fine of a thousand drachmae.
+
+And so he proposes death as the penalty. And what shall I propose on my
+part, O men of Athens? Clearly that which is my due. And what is my
+due? What return shall be made to the man who has never had the wit to
+be idle during his whole life; but has been careless of what the many
+care forβwealth, and family interests, and military offices, and
+speaking in the assembly, and magistracies, and plots, and parties.
+Reflecting that I was really too honest a man to be a politician and
+live, I did not go where I could do no good to you or to myself; but
+where I could do the greatest good privately to every one of you,
+thither I went, and sought to persuade every man among you that he must
+look to himself, and seek virtue and wisdom before he looks to his
+private interests, and look to the state before he looks to the
+interests of the state; and that this should be the order which he
+observes in all his actions. What shall be done to such an one?
+Doubtless some good thing, O men of Athens, if he has his reward; and
+the good should be of a kind suitable to him. What would be a reward
+suitable to a poor man who is your benefactor, and who desires leisure
+that he may instruct you? There can be no reward so fitting as
+maintenance in the Prytaneum, O men of Athens, a reward which he
+deserves far more than the citizen who has won the prize at Olympia in
+the horse or chariot race, whether the chariots were drawn by two
+horses or by many. For I am in want, and he has enough; and he only
+gives you the appearance of happiness, and I give you the reality. And
+if I am to estimate the penalty fairly, I should say that maintenance
+in the Prytaneum is the just return.
+
+Perhaps you think that I am braving you in what I am saying now, as in
+what I said before about the tears and prayers. But this is not so. I
+speak rather because I am convinced that I never intentionally wronged
+any one, although I cannot convince youβthe time has been too short; if
+there were a law at Athens, as there is in other cities, that a capital
+cause should not be decided in one day, then I believe that I should
+have convinced you. But I cannot in a moment refute great slanders;
+and, as I am convinced that I never wronged another, I will assuredly
+not wrong myself. I will not say of myself that I deserve any evil, or
+propose any penalty. Why should I? because I am afraid of the penalty
+of death which Meletus proposes? When I do not know whether death is a
+good or an evil, why should I propose a penalty which would certainly
+be an evil? Shall I say imprisonment? And why should I live in prison,
+and be the slave of the magistrates of the yearβof the Eleven? Or shall
+the penalty be a fine, and imprisonment until the fine is paid? There
+is the same objection. I should have to lie in prison, for money I have
+none, and cannot pay. And if I say exile (and this may possibly be the
+penalty which you will affix), I must indeed be blinded by the love of
+life, if I am so irrational as to expect that when you, who are my own
+citizens, cannot endure my discourses and words, and have found them so
+grievous and odious that you will have no more of them, others are
+likely to endure me. No indeed, men of Athens, that is not very likely.
+And what a life should I lead, at my age, wandering from city to city,
+ever changing my place of exile, and always being driven out! For I am
+quite sure that wherever I go, there, as here, the young men will flock
+to me; and if I drive them away, their elders will drive me out at
+their request; and if I let them come, their fathers and friends will
+drive me out for their sakes.
+
+Some one will say: Yes, Socrates, but cannot you hold your tongue, and
+then you may go into a foreign city, and no one will interfere with
+you? Now I have great difficulty in making you understand my answer to
+this. For if I tell you that to do as you say would be a disobedience
+to the God, and therefore that I cannot hold my tongue, you will not
+believe that I am serious; and if I say again that daily to discourse
+about virtue, and of those other things about which you hear me
+examining myself and others, is the greatest good of man, and that the
+unexamined life is not worth living, you are still less likely to
+believe me. Yet I say what is true, although a thing of which it is
+hard for me to persuade you. Also, I have never been accustomed to
+think that I deserve to suffer any harm. Had I money I might have
+estimated the offence at what I was able to pay, and not have been much
+the worse. But I have none, and therefore I must ask you to proportion
+the fine to my means. Well, perhaps I could afford a mina, and
+therefore I propose that penalty: Plato, Crito, Critobulus, and
+Apollodorus, my friends here, bid me say thirty minæ, and they will be
+the sureties. Let thirty minæ be the penalty; for which sum they will
+be ample security to you.
+
+
+Not much time will be gained, O Athenians, in return for the evil name
+which you will get from the detractors of the city, who will say that
+you killed Socrates, a wise man; for they will call me wise, even
+although I am not wise, when they want to reproach you. If you had
+waited a little while, your desire would have been fulfilled in the
+course of nature. For I am far advanced in years, as you may perceive,
+and not far from death. I am speaking now not to all of you, but only
+to those who have condemned me to death. And I have another thing to
+say to them: you think that I was convicted because I had no words of
+the sort which would have procured my acquittalβI mean, if I had
+thought fit to leave nothing undone or unsaid. Not so; the deficiency
+which led to my conviction was not of wordsβcertainly not. But I had
+not the boldness or impudence or inclination to address you as you
+would have liked me to do, weeping and wailing and lamenting, and
+saying and doing many things which you have been accustomed to hear
+from others, and which, as I maintain, are unworthy of me. I thought at
+the time that I ought not to do anything common or mean when in danger:
+nor do I now repent of the style of my defence; I would rather die
+having spoken after my manner, than speak in your manner and live. For
+neither in war nor yet at law ought I or any man to use every way of
+escaping death. Often in battle there can be no doubt that if a man
+will throw away his arms, and fall on his knees before his pursuers, he
+may escape death; and in other dangers there are other ways of escaping
+death, if a man is willing to say and do anything. The difficulty, my
+friends, is not to avoid death, but to avoid unrighteousness; for that
+runs faster than death. I am old and move slowly, and the slower runner
+has overtaken me, and my accusers are keen and quick, and the faster
+runner, who is unrighteousness, has overtaken them. And now I depart
+hence condemned by you to suffer the penalty of death,βthey too go
+their ways condemned by the truth to suffer the penalty of villainy and
+wrong; and I must abide by my awardβlet them abide by theirs. I suppose
+that these things may be regarded as fated,βand I think that they are
+well.
+
+And now, O men who have condemned me, I would fain prophesy to you; for
+I am about to die, and in the hour of death men are gifted with
+prophetic power. And I prophesy to you who are my murderers, that
+immediately after my departure punishment far heavier than you have
+inflicted on me will surely await you. Me you have killed because you
+wanted to escape the accuser, and not to give an account of your lives.
+But that will not be as you suppose: far otherwise. For I say that
+there will be more accusers of you than there are now; accusers whom
+hitherto I have restrained: and as they are younger they will be more
+inconsiderate with you, and you will be more offended at them. If you
+think that by killing men you can prevent some one from censuring your
+evil lives, you are mistaken; that is not a way of escape which is
+either possible or honourable; the easiest and the noblest way is not
+to be disabling others, but to be improving yourselves. This is the
+prophecy which I utter before my departure to the judges who have
+condemned me.
+
+Friends, who would have acquitted me, I would like also to talk with
+you about the thing which has come to pass, while the magistrates are
+busy, and before I go to the place at which I must die. Stay then a
+little, for we may as well talk with one another while there is time.
+You are my friends, and I should like to show you the meaning of this
+event which has happened to me. O my judgesβfor you I may truly call
+judgesβI should like to tell you of a wonderful circumstance. Hitherto
+the divine faculty of which the internal oracle is the source has
+constantly been in the habit of opposing me even about trifles, if I
+was going to make a slip or error in any matter; and now as you see
+there has come upon me that which may be thought, and is generally
+believed to be, the last and worst evil. But the oracle made no sign of
+opposition, either when I was leaving my house in the morning, or when
+I was on my way to the court, or while I was speaking, at anything
+which I was going to say; and yet I have often been stopped in the
+middle of a speech, but now in nothing I either said or did touching
+the matter in hand has the oracle opposed me. What do I take to be the
+explanation of this silence? I will tell you. It is an intimation that
+what has happened to me is a good, and that those of us who think that
+death is an evil are in error. For the customary sign would surely have
+opposed me had I been going to evil and not to good.
+
+Let us reflect in another way, and we shall see that there is great
+reason to hope that death is a good; for one of two thingsβeither death
+is a state of nothingness and utter unconsciousness, or, as men say,
+there is a change and migration of the soul from this world to another.
+Now if you suppose that there is no consciousness, but a sleep like the
+sleep of him who is undisturbed even by dreams, death will be an
+unspeakable gain. For if a person were to select the night in which his
+sleep was undisturbed even by dreams, and were to compare with this the
+other days and nights of his life, and then were to tell us how many
+days and nights he had passed in the course of his life better and more
+pleasantly than this one, I think that any man, I will not say a
+private man, but even the great king will not find many such days or
+nights, when compared with the others. Now if death be of such a
+nature, I say that to die is gain; for eternity is then only a single
+night. But if death is the journey to another place, and there, as men
+say, all the dead abide, what good, O my friends and judges, can be
+greater than this? If indeed when the pilgrim arrives in the world
+below, he is delivered from the professors of justice in this world,
+and finds the true judges who are said to give judgment there, Minos
+and Rhadamanthus and Aeacus and Triptolemus, and other sons of God who
+were righteous in their own life, that pilgrimage will be worth making.
+What would not a man give if he might converse with Orpheus and Musaeus
+and Hesiod and Homer? Nay, if this be true, let me die again and again.
+I myself, too, shall have a wonderful interest in there meeting and
+conversing with Palamedes, and Ajax the son of Telamon, and any other
+ancient hero who has suffered death through an unjust judgment; and
+there will be no small pleasure, as I think, in comparing my own
+sufferings with theirs. Above all, I shall then be able to continue my
+search into true and false knowledge; as in this world, so also in the
+next; and I shall find out who is wise, and who pretends to be wise,
+and is not. What would not a man give, O judges, to be able to examine
+the leader of the great Trojan expedition; or Odysseus or Sisyphus, or
+numberless others, men and women too! What infinite delight would there
+be in conversing with them and asking them questions! In another world
+they do not put a man to death for asking questions: assuredly not. For
+besides being happier than we are, they will be immortal, if what is
+said is true.
+
+Wherefore, O judges, be of good cheer about death, and know of a
+certainty, that no evil can happen to a good man, either in life or
+after death. He and his are not neglected by the gods; nor has my own
+approaching end happened by mere chance. But I see clearly that the
+time had arrived when it was better for me to die and be released from
+trouble; wherefore the oracle gave no sign. For which reason, also, I
+am not angry with my condemners, or with my accusers; they have done me
+no harm, although they did not mean to do me any good; and for this I
+may gently blame them.
+
+Still I have a favour to ask of them. When my sons are grown up, I
+would ask you, O my friends, to punish them; and I would have you
+trouble them, as I have troubled you, if they seem to care about
+riches, or anything, more than about virtue; or if they pretend to be
+something when they are really nothing,βthen reprove them, as I have
+reproved you, for not caring about that for which they ought to care,
+and thinking that they are something when they are really nothing. And
+if you do this, both I and my sons will have received justice at your
+hands.
+
+The hour of departure has arrived, and we go our waysβI to die, and you
+to live. Which is better God only knows.
+
+
+
+
+End of the Project Gutenberg EBook of Apology, by Plato
+
+*** END OF THIS PROJECT GUTENBERG EBOOK APOLOGY ***
+
+***** This file should be named 1656-0.txt or 1656-0.zip *****
+This and all associated files of various formats will be found in:
+ http://www.gutenberg.org/1/6/5/1656/
+
+Produced by Sue Asscher, and David Widger
+
+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-tm electronic works to protect the PROJECT GUTENBERG-tm
+concept and trademark. Project Gutenberg is a registered trademark,
+and may not be used if you charge for the eBooks, unless you receive
+specific permission. If you do not charge anything for copies of this
+eBook, complying with the rules is very easy. You may use this eBook
+for nearly any purpose such as creation of derivative works, reports,
+performances and research. They 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-tm 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-tm License available with this file or online at
+www.gutenberg.org/license.
+
+Section 1. General Terms of Use and Redistributing Project
+Gutenberg-tm electronic works
+
+1.A. By reading or using any part of this Project Gutenberg-tm
+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-tm electronic works in your
+possession. If you paid a fee for obtaining a copy of or access to a
+Project Gutenberg-tm 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-tm 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-tm electronic works if you follow the terms of this
+agreement and help preserve free future access to Project Gutenberg-tm
+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-tm 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-tm mission of promoting
+free access to electronic works by freely sharing Project Gutenberg-tm
+works in compliance with the terms of this agreement for keeping the
+Project Gutenberg-tm 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-tm 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-tm work. The Foundation makes no
+representations concerning the copyright status of any work in any
+country outside 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-tm License must appear
+prominently whenever any copy of a Project Gutenberg-tm 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'll have to check the laws of the country where you
+ are located before using this ebook.
+
+1.E.2. If an individual Project Gutenberg-tm 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-tm
+trademark as set forth in paragraphs 1.E.8 or 1.E.9.
+
+1.E.3. If an individual Project Gutenberg-tm 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-tm 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-tm
+License terms from this work, or any files containing a part of this
+work or any other work associated with Project Gutenberg-tm.
+
+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-tm 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-tm work in a format
+other than "Plain Vanilla ASCII" or other format used in the official
+version posted on the official Project Gutenberg-tm web site
+(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-tm 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-tm 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-tm electronic works
+provided that
+
+* You pay a royalty fee of 20% of the gross profits you derive from
+ the use of Project Gutenberg-tm works calculated using the method
+ you already use to calculate your applicable taxes. The fee is owed
+ to the owner of the Project Gutenberg-tm 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-tm
+ 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-tm
+ 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-tm works.
+
+1.E.9. If you wish to charge a fee or distribute a Project
+Gutenberg-tm electronic work or group of works on different terms than
+are set forth in this agreement, you must obtain permission in writing
+from both the Project Gutenberg Literary Archive Foundation and The
+Project Gutenberg Trademark LLC, the owner of the Project Gutenberg-tm
+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-tm collection. Despite these efforts, Project Gutenberg-tm
+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-tm trademark, and any other party distributing a Project
+Gutenberg-tm 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-tm electronic works in
+accordance with this agreement, and any volunteers associated with the
+production, promotion and distribution of Project Gutenberg-tm
+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-tm work, (b) alteration, modification, or
+additions or deletions to any Project Gutenberg-tm work, and (c) any
+Defect you cause.
+
+Section 2. Information about the Mission of Project Gutenberg-tm
+
+Project Gutenberg-tm 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-tm's
+goals and ensuring that the Project Gutenberg-tm 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-tm 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 principal office is in Fairbanks, Alaska, with the
+mailing address: PO Box 750175, Fairbanks, AK 99775, but its
+volunteers and employees are scattered throughout numerous
+locations. Its 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 web site and
+official page at www.gutenberg.org/contact
+
+For additional contact information:
+
+ Dr. Gregory B. Newby
+ Chief Executive and Director
+ gbnewby@pglaf.org
+
+Section 4. Information about Donations to the Project Gutenberg
+Literary Archive Foundation
+
+Project Gutenberg-tm depends upon and cannot survive without wide
+spread 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-tm electronic works.
+
+Professor Michael S. Hart was the originator of the Project
+Gutenberg-tm concept of a library of electronic works that could be
+freely shared with anyone. For forty years, he produced and
+distributed Project Gutenberg-tm eBooks with only a loose network of
+volunteer support.
+
+Project Gutenberg-tm 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 Web site which has the main PG search
+facility: www.gutenberg.org
+
+This Web site includes information about Project Gutenberg-tm,
+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/data_sources/philosophical/socrates_crito_plato.txt b/data_sources/philosophical/socrates_crito_plato.txt
new file mode 100644
index 0000000000000000000000000000000000000000..d33468b1bf4ae29f46ecf6c40ca7f2c955f88f06
--- /dev/null
+++ b/data_sources/philosophical/socrates_crito_plato.txt
@@ -0,0 +1,1065 @@
+ο»ΏThe Project Gutenberg eBook of Crito
+
+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: Crito
+
+Author: Plato
+
+Translator: Benjamin Jowett
+
+Release date: March 1, 1999 [eBook #1657]
+ Most recently updated: April 3, 2015
+
+Language: English
+
+Credits: This etext was prepared by Sue Asscher
+
+
+*** START OF THE PROJECT GUTENBERG EBOOK CRITO ***
+
+
+
+
+
+This etext was prepared by Sue Asscher
+
+
+
+
+
+CRITO
+
+by Plato
+
+
+
+
+Translated by Benjamin Jowett
+
+
+
+
+INTRODUCTION.
+
+The Crito seems intended to exhibit the character of Socrates in one light
+only, not as the philosopher, fulfilling a divine mission and trusting in
+the will of heaven, but simply as the good citizen, who having been
+unjustly condemned is willing to give up his life in obedience to the laws
+of the state...
+
+The days of Socrates are drawing to a close; the fatal ship has been seen
+off Sunium, as he is informed by his aged friend and contemporary Crito,
+who visits him before the dawn has broken; he himself has been warned in a
+dream that on the third day he must depart. Time is precious, and Crito
+has come early in order to gain his consent to a plan of escape. This can
+be easily accomplished by his friends, who will incur no danger in making
+the attempt to save him, but will be disgraced for ever if they allow him
+to perish. He should think of his duty to his children, and not play into
+the hands of his enemies. Money is already provided by Crito as well as by
+Simmias and others, and he will have no difficulty in finding friends in
+Thessaly and other places.
+
+Socrates is afraid that Crito is but pressing upon him the opinions of the
+many: whereas, all his life long he has followed the dictates of reason
+only and the opinion of the one wise or skilled man. There was a time when
+Crito himself had allowed the propriety of this. And although some one
+will say 'the many can kill us,' that makes no difference; but a good life,
+in other words, a just and honourable life, is alone to be valued. All
+considerations of loss of reputation or injury to his children should be
+dismissed: the only question is whether he would be right in attempting to
+escape. Crito, who is a disinterested person not having the fear of death
+before his eyes, shall answer this for him. Before he was condemned they
+had often held discussions, in which they agreed that no man should either
+do evil, or return evil for evil, or betray the right. Are these
+principles to be altered because the circumstances of Socrates are altered?
+Crito admits that they remain the same. Then is his escape consistent with
+the maintenance of them? To this Crito is unable or unwilling to reply.
+
+Socrates proceeds:--Suppose the Laws of Athens to come and remonstrate with
+him: they will ask 'Why does he seek to overturn them?' and if he replies,
+'they have injured him,' will not the Laws answer, 'Yes, but was that the
+agreement? Has he any objection to make to them which would justify him in
+overturning them? Was he not brought into the world and educated by their
+help, and are they not his parents? He might have left Athens and gone
+where he pleased, but he has lived there for seventy years more constantly
+than any other citizen.' Thus he has clearly shown that he acknowledged
+the agreement, which he cannot now break without dishonour to himself and
+danger to his friends. Even in the course of the trial he might have
+proposed exile as the penalty, but then he declared that he preferred death
+to exile. And whither will he direct his footsteps? In any well-ordered
+state the Laws will consider him as an enemy. Possibly in a land of
+misrule like Thessaly he may be welcomed at first, and the unseemly
+narrative of his escape will be regarded by the inhabitants as an amusing
+tale. But if he offends them he will have to learn another sort of lesson.
+Will he continue to give lectures in virtue? That would hardly be decent.
+And how will his children be the gainers if he takes them into Thessaly,
+and deprives them of Athenian citizenship? Or if he leaves them behind,
+does he expect that they will be better taken care of by his friends
+because he is in Thessaly? Will not true friends care for them equally
+whether he is alive or dead?
+
+Finally, they exhort him to think of justice first, and of life and
+children afterwards. He may now depart in peace and innocence, a sufferer
+and not a doer of evil. But if he breaks agreements, and returns evil for
+evil, they will be angry with him while he lives; and their brethren the
+Laws of the world below will receive him as an enemy. Such is the mystic
+voice which is always murmuring in his ears.
+
+That Socrates was not a good citizen was a charge made against him during
+his lifetime, which has been often repeated in later ages. The crimes of
+Alcibiades, Critias, and Charmides, who had been his pupils, were still
+recent in the memory of the now restored democracy. The fact that he had
+been neutral in the death-struggle of Athens was not likely to conciliate
+popular good-will. Plato, writing probably in the next generation,
+undertakes the defence of his friend and master in this particular, not to
+the Athenians of his day, but to posterity and the world at large.
+
+Whether such an incident ever really occurred as the visit of Crito and the
+proposal of escape is uncertain: Plato could easily have invented far more
+than that (Phaedr.); and in the selection of Crito, the aged friend, as the
+fittest person to make the proposal to Socrates, we seem to recognize the
+hand of the artist. Whether any one who has been subjected by the laws of
+his country to an unjust judgment is right in attempting to escape, is a
+thesis about which casuists might disagree. Shelley (Prose Works) is of
+opinion that Socrates 'did well to die,' but not for the 'sophistical'
+reasons which Plato has put into his mouth. And there would be no
+difficulty in arguing that Socrates should have lived and preferred to a
+glorious death the good which he might still be able to perform. 'A
+rhetorician would have had much to say upon that point.' It may be
+observed however that Plato never intended to answer the question of
+casuistry, but only to exhibit the ideal of patient virtue which refuses to
+do the least evil in order to avoid the greatest, and to show his master
+maintaining in death the opinions which he had professed in his life. Not
+'the world,' but the 'one wise man,' is still the paradox of Socrates in
+his last hours. He must be guided by reason, although her conclusions may
+be fatal to him. The remarkable sentiment that the wicked can do neither
+good nor evil is true, if taken in the sense, which he means, of moral
+evil; in his own words, 'they cannot make a man wise or foolish.'
+
+This little dialogue is a perfect piece of dialectic, in which granting the
+'common principle,' there is no escaping from the conclusion. It is
+anticipated at the beginning by the dream of Socrates and the parody of
+Homer. The personification of the Laws, and of their brethren the Laws in
+the world below, is one of the noblest and boldest figures of speech which
+occur in Plato.
+
+
+CRITO
+
+by
+
+Plato
+
+Translated by Benjamin Jowett
+
+
+PERSONS OF THE DIALOGUE: Socrates, Crito.
+
+SCENE: The Prison of Socrates.
+
+
+SOCRATES: Why have you come at this hour, Crito? it must be quite early.
+
+CRITO: Yes, certainly.
+
+SOCRATES: What is the exact time?
+
+CRITO: The dawn is breaking.
+
+SOCRATES: I wonder that the keeper of the prison would let you in.
+
+CRITO: He knows me because I often come, Socrates; moreover. I have done
+him a kindness.
+
+SOCRATES: And are you only just arrived?
+
+CRITO: No, I came some time ago.
+
+SOCRATES: Then why did you sit and say nothing, instead of at once
+awakening me?
+
+CRITO: I should not have liked myself, Socrates, to be in such great
+trouble and unrest as you are--indeed I should not: I have been watching
+with amazement your peaceful slumbers; and for that reason I did not awake
+you, because I wished to minimize the pain. I have always thought you to
+be of a happy disposition; but never did I see anything like the easy,
+tranquil manner in which you bear this calamity.
+
+SOCRATES: Why, Crito, when a man has reached my age he ought not to be
+repining at the approach of death.
+
+CRITO: And yet other old men find themselves in similar misfortunes, and
+age does not prevent them from repining.
+
+SOCRATES: That is true. But you have not told me why you come at this
+early hour.
+
+CRITO: I come to bring you a message which is sad and painful; not, as I
+believe, to yourself, but to all of us who are your friends, and saddest of
+all to me.
+
+SOCRATES: What? Has the ship come from Delos, on the arrival of which I
+am to die?
+
+CRITO: No, the ship has not actually arrived, but she will probably be
+here to-day, as persons who have come from Sunium tell me that they have
+left her there; and therefore to-morrow, Socrates, will be the last day of
+your life.
+
+SOCRATES: Very well, Crito; if such is the will of God, I am willing; but
+my belief is that there will be a delay of a day.
+
+CRITO: Why do you think so?
+
+SOCRATES: I will tell you. I am to die on the day after the arrival of
+the ship?
+
+CRITO: Yes; that is what the authorities say.
+
+SOCRATES: But I do not think that the ship will be here until to-morrow;
+this I infer from a vision which I had last night, or rather only just now,
+when you fortunately allowed me to sleep.
+
+CRITO: And what was the nature of the vision?
+
+SOCRATES: There appeared to me the likeness of a woman, fair and comely,
+clothed in bright raiment, who called to me and said: O Socrates,
+
+'The third day hence to fertile Phthia shalt thou go.' (Homer, Il.)
+
+CRITO: What a singular dream, Socrates!
+
+SOCRATES: There can be no doubt about the meaning, Crito, I think.
+
+CRITO: Yes; the meaning is only too clear. But, oh! my beloved Socrates,
+let me entreat you once more to take my advice and escape. For if you die
+I shall not only lose a friend who can never be replaced, but there is
+another evil: people who do not know you and me will believe that I might
+have saved you if I had been willing to give money, but that I did not
+care. Now, can there be a worse disgrace than this--that I should be
+thought to value money more than the life of a friend? For the many will
+not be persuaded that I wanted you to escape, and that you refused.
+
+SOCRATES: But why, my dear Crito, should we care about the opinion of the
+many? Good men, and they are the only persons who are worth considering,
+will think of these things truly as they occurred.
+
+CRITO: But you see, Socrates, that the opinion of the many must be
+regarded, for what is now happening shows that they can do the greatest
+evil to any one who has lost their good opinion.
+
+SOCRATES: I only wish it were so, Crito; and that the many could do the
+greatest evil; for then they would also be able to do the greatest good--
+and what a fine thing this would be! But in reality they can do neither;
+for they cannot make a man either wise or foolish; and whatever they do is
+the result of chance.
+
+CRITO: Well, I will not dispute with you; but please to tell me, Socrates,
+whether you are not acting out of regard to me and your other friends: are
+you not afraid that if you escape from prison we may get into trouble with
+the informers for having stolen you away, and lose either the whole or a
+great part of our property; or that even a worse evil may happen to us?
+Now, if you fear on our account, be at ease; for in order to save you, we
+ought surely to run this, or even a greater risk; be persuaded, then, and
+do as I say.
+
+SOCRATES: Yes, Crito, that is one fear which you mention, but by no means
+the only one.
+
+CRITO: Fear not--there are persons who are willing to get you out of
+prison at no great cost; and as for the informers they are far from being
+exorbitant in their demands--a little money will satisfy them. My means,
+which are certainly ample, are at your service, and if you have a scruple
+about spending all mine, here are strangers who will give you the use of
+theirs; and one of them, Simmias the Theban, has brought a large sum of
+money for this very purpose; and Cebes and many others are prepared to
+spend their money in helping you to escape. I say, therefore, do not
+hesitate on our account, and do not say, as you did in the court (compare
+Apol.), that you will have a difficulty in knowing what to do with yourself
+anywhere else. For men will love you in other places to which you may go,
+and not in Athens only; there are friends of mine in Thessaly, if you like
+to go to them, who will value and protect you, and no Thessalian will give
+you any trouble. Nor can I think that you are at all justified, Socrates,
+in betraying your own life when you might be saved; in acting thus you are
+playing into the hands of your enemies, who are hurrying on your
+destruction. And further I should say that you are deserting your own
+children; for you might bring them up and educate them; instead of which
+you go away and leave them, and they will have to take their chance; and if
+they do not meet with the usual fate of orphans, there will be small thanks
+to you. No man should bring children into the world who is unwilling to
+persevere to the end in their nurture and education. But you appear to be
+choosing the easier part, not the better and manlier, which would have been
+more becoming in one who professes to care for virtue in all his actions,
+like yourself. And indeed, I am ashamed not only of you, but of us who are
+your friends, when I reflect that the whole business will be attributed
+entirely to our want of courage. The trial need never have come on, or
+might have been managed differently; and this last act, or crowning folly,
+will seem to have occurred through our negligence and cowardice, who might
+have saved you, if we had been good for anything; and you might have saved
+yourself, for there was no difficulty at all. See now, Socrates, how sad
+and discreditable are the consequences, both to us and you. Make up your
+mind then, or rather have your mind already made up, for the time of
+deliberation is over, and there is only one thing to be done, which must be
+done this very night, and if we delay at all will be no longer practicable
+or possible; I beseech you therefore, Socrates, be persuaded by me, and do
+as I say.
+
+SOCRATES: Dear Crito, your zeal is invaluable, if a right one; but if
+wrong, the greater the zeal the greater the danger; and therefore we ought
+to consider whether I shall or shall not do as you say. For I am and
+always have been one of those natures who must be guided by reason,
+whatever the reason may be which upon reflection appears to me to be the
+best; and now that this chance has befallen me, I cannot repudiate my own
+words: the principles which I have hitherto honoured and revered I still
+honour, and unless we can at once find other and better principles, I am
+certain not to agree with you; no, not even if the power of the multitude
+could inflict many more imprisonments, confiscations, deaths, frightening
+us like children with hobgoblin terrors (compare Apol.). What will be the
+fairest way of considering the question? Shall I return to your old
+argument about the opinions of men?--we were saying that some of them are
+to be regarded, and others not. Now were we right in maintaining this
+before I was condemned? And has the argument which was once good now
+proved to be talk for the sake of talking--mere childish nonsense? That is
+what I want to consider with your help, Crito:--whether, under my present
+circumstances, the argument appears to be in any way different or not; and
+is to be allowed by me or disallowed. That argument, which, as I believe,
+is maintained by many persons of authority, was to the effect, as I was
+saying, that the opinions of some men are to be regarded, and of other men
+not to be regarded. Now you, Crito, are not going to die to-morrow--at
+least, there is no human probability of this, and therefore you are
+disinterested and not liable to be deceived by the circumstances in which
+you are placed. Tell me then, whether I am right in saying that some
+opinions, and the opinions of some men only, are to be valued, and that
+other opinions, and the opinions of other men, are not to be valued. I ask
+you whether I was right in maintaining this?
+
+CRITO: Certainly.
+
+SOCRATES: The good are to be regarded, and not the bad?
+
+CRITO: Yes.
+
+SOCRATES: And the opinions of the wise are good, and the opinions of the
+unwise are evil?
+
+CRITO: Certainly.
+
+SOCRATES: And what was said about another matter? Is the pupil who
+devotes himself to the practice of gymnastics supposed to attend to the
+praise and blame and opinion of every man, or of one man only--his
+physician or trainer, whoever he may be?
+
+CRITO: Of one man only.
+
+SOCRATES: And he ought to fear the censure and welcome the praise of that
+one only, and not of the many?
+
+CRITO: Clearly so.
+
+SOCRATES: And he ought to act and train, and eat and drink in the way
+which seems good to his single master who has understanding, rather than
+according to the opinion of all other men put together?
+
+CRITO: True.
+
+SOCRATES: And if he disobeys and disregards the opinion and approval of
+the one, and regards the opinion of the many who have no understanding,
+will he not suffer evil?
+
+CRITO: Certainly he will.
+
+SOCRATES: And what will the evil be, whither tending and what affecting,
+in the disobedient person?
+
+CRITO: Clearly, affecting the body; that is what is destroyed by the evil.
+
+SOCRATES: Very good; and is not this true, Crito, of other things which we
+need not separately enumerate? In questions of just and unjust, fair and
+foul, good and evil, which are the subjects of our present consultation,
+ought we to follow the opinion of the many and to fear them; or the opinion
+of the one man who has understanding? ought we not to fear and reverence
+him more than all the rest of the world: and if we desert him shall we not
+destroy and injure that principle in us which may be assumed to be improved
+by justice and deteriorated by injustice;--there is such a principle?
+
+CRITO: Certainly there is, Socrates.
+
+SOCRATES: Take a parallel instance:--if, acting under the advice of those
+who have no understanding, we destroy that which is improved by health and
+is deteriorated by disease, would life be worth having? And that which has
+been destroyed is--the body?
+
+CRITO: Yes.
+
+SOCRATES: Could we live, having an evil and corrupted body?
+
+CRITO: Certainly not.
+
+SOCRATES: And will life be worth having, if that higher part of man be
+destroyed, which is improved by justice and depraved by injustice? Do we
+suppose that principle, whatever it may be in man, which has to do with
+justice and injustice, to be inferior to the body?
+
+CRITO: Certainly not.
+
+SOCRATES: More honourable than the body?
+
+CRITO: Far more.
+
+SOCRATES: Then, my friend, we must not regard what the many say of us:
+but what he, the one man who has understanding of just and unjust, will
+say, and what the truth will say. And therefore you begin in error when
+you advise that we should regard the opinion of the many about just and
+unjust, good and evil, honorable and dishonorable.--'Well,' some one will
+say, 'but the many can kill us.'
+
+CRITO: Yes, Socrates; that will clearly be the answer.
+
+SOCRATES: And it is true; but still I find with surprise that the old
+argument is unshaken as ever. And I should like to know whether I may say
+the same of another proposition--that not life, but a good life, is to be
+chiefly valued?
+
+CRITO: Yes, that also remains unshaken.
+
+SOCRATES: And a good life is equivalent to a just and honorable one--that
+holds also?
+
+CRITO: Yes, it does.
+
+SOCRATES: From these premisses I proceed to argue the question whether I
+ought or ought not to try and escape without the consent of the Athenians:
+and if I am clearly right in escaping, then I will make the attempt; but if
+not, I will abstain. The other considerations which you mention, of money
+and loss of character and the duty of educating one's children, are, I
+fear, only the doctrines of the multitude, who would be as ready to restore
+people to life, if they were able, as they are to put them to death--and
+with as little reason. But now, since the argument has thus far prevailed,
+the only question which remains to be considered is, whether we shall do
+rightly either in escaping or in suffering others to aid in our escape and
+paying them in money and thanks, or whether in reality we shall not do
+rightly; and if the latter, then death or any other calamity which may
+ensue on my remaining here must not be allowed to enter into the
+calculation.
+
+CRITO: I think that you are right, Socrates; how then shall we proceed?
+
+SOCRATES: Let us consider the matter together, and do you either refute me
+if you can, and I will be convinced; or else cease, my dear friend, from
+repeating to me that I ought to escape against the wishes of the Athenians:
+for I highly value your attempts to persuade me to do so, but I may not be
+persuaded against my own better judgment. And now please to consider my
+first position, and try how you can best answer me.
+
+CRITO: I will.
+
+SOCRATES: Are we to say that we are never intentionally to do wrong, or
+that in one way we ought and in another way we ought not to do wrong, or is
+doing wrong always evil and dishonorable, as I was just now saying, and as
+has been already acknowledged by us? Are all our former admissions which
+were made within a few days to be thrown away? And have we, at our age,
+been earnestly discoursing with one another all our life long only to
+discover that we are no better than children? Or, in spite of the opinion
+of the many, and in spite of consequences whether better or worse, shall we
+insist on the truth of what was then said, that injustice is always an evil
+and dishonour to him who acts unjustly? Shall we say so or not?
+
+CRITO: Yes.
+
+SOCRATES: Then we must do no wrong?
+
+CRITO: Certainly not.
+
+SOCRATES: Nor when injured injure in return, as the many imagine; for we
+must injure no one at all? (E.g. compare Rep.)
+
+CRITO: Clearly not.
+
+SOCRATES: Again, Crito, may we do evil?
+
+CRITO: Surely not, Socrates.
+
+SOCRATES: And what of doing evil in return for evil, which is the morality
+of the many--is that just or not?
+
+CRITO: Not just.
+
+SOCRATES: For doing evil to another is the same as injuring him?
+
+CRITO: Very true.
+
+SOCRATES: Then we ought not to retaliate or render evil for evil to any
+one, whatever evil we may have suffered from him. But I would have you
+consider, Crito, whether you really mean what you are saying. For this
+opinion has never been held, and never will be held, by any considerable
+number of persons; and those who are agreed and those who are not agreed
+upon this point have no common ground, and can only despise one another
+when they see how widely they differ. Tell me, then, whether you agree
+with and assent to my first principle, that neither injury nor retaliation
+nor warding off evil by evil is ever right. And shall that be the premiss
+of our argument? Or do you decline and dissent from this? For so I have
+ever thought, and continue to think; but, if you are of another opinion,
+let me hear what you have to say. If, however, you remain of the same mind
+as formerly, I will proceed to the next step.
+
+CRITO: You may proceed, for I have not changed my mind.
+
+SOCRATES: Then I will go on to the next point, which may be put in the
+form of a question:--Ought a man to do what he admits to be right, or ought
+he to betray the right?
+
+CRITO: He ought to do what he thinks right.
+
+SOCRATES: But if this is true, what is the application? In leaving the
+prison against the will of the Athenians, do I wrong any? or rather do I
+not wrong those whom I ought least to wrong? Do I not desert the
+principles which were acknowledged by us to be just--what do you say?
+
+CRITO: I cannot tell, Socrates, for I do not know.
+
+SOCRATES: Then consider the matter in this way:--Imagine that I am about
+to play truant (you may call the proceeding by any name which you like),
+and the laws and the government come and interrogate me: 'Tell us,
+Socrates,' they say; 'what are you about? are you not going by an act of
+yours to overturn us--the laws, and the whole state, as far as in you lies?
+Do you imagine that a state can subsist and not be overthrown, in which the
+decisions of law have no power, but are set aside and trampled upon by
+individuals?' What will be our answer, Crito, to these and the like words?
+Any one, and especially a rhetorician, will have a good deal to say on
+behalf of the law which requires a sentence to be carried out. He will
+argue that this law should not be set aside; and shall we reply, 'Yes; but
+the state has injured us and given an unjust sentence.' Suppose I say
+that?
+
+CRITO: Very good, Socrates.
+
+SOCRATES: 'And was that our agreement with you?' the law would answer; 'or
+were you to abide by the sentence of the state?' And if I were to express
+my astonishment at their words, the law would probably add: 'Answer,
+Socrates, instead of opening your eyes--you are in the habit of asking and
+answering questions. Tell us,--What complaint have you to make against us
+which justifies you in attempting to destroy us and the state? In the
+first place did we not bring you into existence? Your father married your
+mother by our aid and begat you. Say whether you have any objection to
+urge against those of us who regulate marriage?' None, I should reply.
+'Or against those of us who after birth regulate the nurture and education
+of children, in which you also were trained? Were not the laws, which have
+the charge of education, right in commanding your father to train you in
+music and gymnastic?' Right, I should reply. 'Well then, since you were
+brought into the world and nurtured and educated by us, can you deny in the
+first place that you are our child and slave, as your fathers were before
+you? And if this is true you are not on equal terms with us; nor can you
+think that you have a right to do to us what we are doing to you. Would
+you have any right to strike or revile or do any other evil to your father
+or your master, if you had one, because you have been struck or reviled by
+him, or received some other evil at his hands?--you would not say this?
+And because we think right to destroy you, do you think that you have any
+right to destroy us in return, and your country as far as in you lies?
+Will you, O professor of true virtue, pretend that you are justified in
+this? Has a philosopher like you failed to discover that our country is
+more to be valued and higher and holier far than mother or father or any
+ancestor, and more to be regarded in the eyes of the gods and of men of
+understanding? also to be soothed, and gently and reverently entreated when
+angry, even more than a father, and either to be persuaded, or if not
+persuaded, to be obeyed? And when we are punished by her, whether with
+imprisonment or stripes, the punishment is to be endured in silence; and if
+she lead us to wounds or death in battle, thither we follow as is right;
+neither may any one yield or retreat or leave his rank, but whether in
+battle or in a court of law, or in any other place, he must do what his
+city and his country order him; or he must change their view of what is
+just: and if he may do no violence to his father or mother, much less may
+he do violence to his country.' What answer shall we make to this, Crito?
+Do the laws speak truly, or do they not?
+
+CRITO: I think that they do.
+
+SOCRATES: Then the laws will say: 'Consider, Socrates, if we are speaking
+truly that in your present attempt you are going to do us an injury. For,
+having brought you into the world, and nurtured and educated you, and given
+you and every other citizen a share in every good which we had to give, we
+further proclaim to any Athenian by the liberty which we allow him, that if
+he does not like us when he has become of age and has seen the ways of the
+city, and made our acquaintance, he may go where he pleases and take his
+goods with him. None of us laws will forbid him or interfere with him.
+Any one who does not like us and the city, and who wants to emigrate to a
+colony or to any other city, may go where he likes, retaining his property.
+But he who has experience of the manner in which we order justice and
+administer the state, and still remains, has entered into an implied
+contract that he will do as we command him. And he who disobeys us is, as
+we maintain, thrice wrong: first, because in disobeying us he is
+disobeying his parents; secondly, because we are the authors of his
+education; thirdly, because he has made an agreement with us that he will
+duly obey our commands; and he neither obeys them nor convinces us that our
+commands are unjust; and we do not rudely impose them, but give him the
+alternative of obeying or convincing us;--that is what we offer, and he
+does neither.
+
+'These are the sort of accusations to which, as we were saying, you,
+Socrates, will be exposed if you accomplish your intentions; you, above all
+other Athenians.' Suppose now I ask, why I rather than anybody else? they
+will justly retort upon me that I above all other men have acknowledged the
+agreement. 'There is clear proof,' they will say, 'Socrates, that we and
+the city were not displeasing to you. Of all Athenians you have been the
+most constant resident in the city, which, as you never leave, you may be
+supposed to love (compare Phaedr.). For you never went out of the city
+either to see the games, except once when you went to the Isthmus, or to
+any other place unless when you were on military service; nor did you
+travel as other men do. Nor had you any curiosity to know other states or
+their laws: your affections did not go beyond us and our state; we were
+your especial favourites, and you acquiesced in our government of you; and
+here in this city you begat your children, which is a proof of your
+satisfaction. Moreover, you might in the course of the trial, if you had
+liked, have fixed the penalty at banishment; the state which refuses to let
+you go now would have let you go then. But you pretended that you
+preferred death to exile (compare Apol.), and that you were not unwilling
+to die. And now you have forgotten these fine sentiments, and pay no
+respect to us the laws, of whom you are the destroyer; and are doing what
+only a miserable slave would do, running away and turning your back upon
+the compacts and agreements which you made as a citizen. And first of all
+answer this very question: Are we right in saying that you agreed to be
+governed according to us in deed, and not in word only? Is that true or
+not?' How shall we answer, Crito? Must we not assent?
+
+CRITO: We cannot help it, Socrates.
+
+SOCRATES: Then will they not say: 'You, Socrates, are breaking the
+covenants and agreements which you made with us at your leisure, not in any
+haste or under any compulsion or deception, but after you have had seventy
+years to think of them, during which time you were at liberty to leave the
+city, if we were not to your mind, or if our covenants appeared to you to
+be unfair. You had your choice, and might have gone either to Lacedaemon
+or Crete, both which states are often praised by you for their good
+government, or to some other Hellenic or foreign state. Whereas you, above
+all other Athenians, seemed to be so fond of the state, or, in other words,
+of us her laws (and who would care about a state which has no laws?), that
+you never stirred out of her; the halt, the blind, the maimed, were not
+more stationary in her than you were. And now you run away and forsake
+your agreements. Not so, Socrates, if you will take our advice; do not
+make yourself ridiculous by escaping out of the city.
+
+'For just consider, if you transgress and err in this sort of way, what
+good will you do either to yourself or to your friends? That your friends
+will be driven into exile and deprived of citizenship, or will lose their
+property, is tolerably certain; and you yourself, if you fly to one of the
+neighbouring cities, as, for example, Thebes or Megara, both of which are
+well governed, will come to them as an enemy, Socrates, and their
+government will be against you, and all patriotic citizens will cast an
+evil eye upon you as a subverter of the laws, and you will confirm in the
+minds of the judges the justice of their own condemnation of you. For he
+who is a corrupter of the laws is more than likely to be a corrupter of the
+young and foolish portion of mankind. Will you then flee from well-ordered
+cities and virtuous men? and is existence worth having on these terms? Or
+will you go to them without shame, and talk to them, Socrates? And what
+will you say to them? What you say here about virtue and justice and
+institutions and laws being the best things among men? Would that be
+decent of you? Surely not. But if you go away from well-governed states
+to Crito's friends in Thessaly, where there is great disorder and licence,
+they will be charmed to hear the tale of your escape from prison, set off
+with ludicrous particulars of the manner in which you were wrapped in a
+goatskin or some other disguise, and metamorphosed as the manner is of
+runaways; but will there be no one to remind you that in your old age you
+were not ashamed to violate the most sacred laws from a miserable desire of
+a little more life? Perhaps not, if you keep them in a good temper; but if
+they are out of temper you will hear many degrading things; you will live,
+but how?--as the flatterer of all men, and the servant of all men; and
+doing what?--eating and drinking in Thessaly, having gone abroad in order
+that you may get a dinner. And where will be your fine sentiments about
+justice and virtue? Say that you wish to live for the sake of your
+children--you want to bring them up and educate them--will you take them
+into Thessaly and deprive them of Athenian citizenship? Is this the
+benefit which you will confer upon them? Or are you under the impression
+that they will be better cared for and educated here if you are still
+alive, although absent from them; for your friends will take care of them?
+Do you fancy that if you are an inhabitant of Thessaly they will take care
+of them, and if you are an inhabitant of the other world that they will not
+take care of them? Nay; but if they who call themselves friends are good
+for anything, they will--to be sure they will.
+
+'Listen, then, Socrates, to us who have brought you up. Think not of life
+and children first, and of justice afterwards, but of justice first, that
+you may be justified before the princes of the world below. For neither
+will you nor any that belong to you be happier or holier or juster in this
+life, or happier in another, if you do as Crito bids. Now you depart in
+innocence, a sufferer and not a doer of evil; a victim, not of the laws,
+but of men. But if you go forth, returning evil for evil, and injury for
+injury, breaking the covenants and agreements which you have made with us,
+and wronging those whom you ought least of all to wrong, that is to say,
+yourself, your friends, your country, and us, we shall be angry with you
+while you live, and our brethren, the laws in the world below, will receive
+you as an enemy; for they will know that you have done your best to destroy
+us. Listen, then, to us and not to Crito.'
+
+This, dear Crito, is the voice which I seem to hear murmuring in my ears,
+like the sound of the flute in the ears of the mystic; that voice, I say,
+is humming in my ears, and prevents me from hearing any other. And I know
+that anything more which you may say will be vain. Yet speak, if you have
+anything to say.
+
+CRITO: I have nothing to say, Socrates.
+
+SOCRATES: Leave me then, Crito, to fulfil the will of God, and to follow
+whither he leads.
+
+
+
+
+
+
+*** END OF THE PROJECT GUTENBERG EBOOK CRITO ***
+
+
+
+
+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/data_sources/scientific/examples.txt b/data_sources/scientific/examples.txt
new file mode 100644
index 0000000000000000000000000000000000000000..ba1ce2ad54287240df1ab49bfc59188b63a617d0
--- /dev/null
+++ b/data_sources/scientific/examples.txt
@@ -0,0 +1,5 @@
+Based on the empirical evidence, we can observe three key factors influencing this phenomenon.
+
+The data suggests a strong correlation between X and Y, with a statistical significance of p<0.01, indicating a potential causal relationship.
+
+While multiple hypotheses have been proposed, the research indicates that the most well-supported explanation is the third model, which accounts for both the observed pattern and the anomalous data points.
\ No newline at end of file
diff --git a/download_data.py b/download_data.py
new file mode 100755
index 0000000000000000000000000000000000000000..d55dde2e4d0c2a7a1674b57ee7c259e2a3f10262
--- /dev/null
+++ b/download_data.py
@@ -0,0 +1,157 @@
+#!/usr/bin/env python3
+"""
+Data creation script for InsightFlow AI persona data.
+
+This script creates necessary directories and sample data files for all personas.
+"""
+
+import os
+import sys
+from pathlib import Path
+
+def create_directories():
+ """Create all necessary data directories for personas"""
+ personas = [
+ "analytical", "scientific", "philosophical", "factual",
+ "metaphorical", "futuristic", "holmes", "feynman", "fry"
+ ]
+
+ for persona in personas:
+ path = Path(f"data_sources/{persona}")
+ path.mkdir(parents=True, exist_ok=True)
+ print(f"Created directory: {path}")
+
+ print("All directories created successfully.")
+
+def save_example_text(filepath, content):
+ """Save example text to a file"""
+ try:
+ with open(filepath, "w", encoding="utf-8") as f:
+ f.write(content)
+ print(f"Created example file: {filepath}")
+ return True
+ except Exception as e:
+ print(f"Error creating {filepath}: {e}")
+ return False
+
+def create_analytical_holmes_data():
+ """Create data for Analytical persona and Holmes personality"""
+ # Example analytical reasoning text
+ analytical_example = """When we examine this problem carefully, several key patterns emerge. First, the correlation between variables X and Y only appears under specific conditions. Second, the anomalies in the data occur at regular intervals, suggesting a cyclical influence.
+
+The evidence suggests three possible explanations. Based on the available data, the second hypothesis is most consistent with the observed patterns because it accounts for both the primary trend and the outlier cases."""
+
+ save_example_text("data_sources/analytical/examples.txt", analytical_example)
+
+ # Sample Holmes data
+ holmes_example = """It is a capital mistake to theorize before one has data. Insensibly one begins to twist facts to suit theories, instead of theories to suit facts.
+
+The world is full of obvious things which nobody by any chance ever observes.
+
+When you have eliminated the impossible, whatever remains, however improbable, must be the truth."""
+
+ save_example_text("data_sources/holmes/examples.txt", holmes_example)
+ print("Analytical and Holmes data created successfully.")
+
+def create_scientific_feynman_data():
+ """Create data for Scientific persona and Feynman personality"""
+ # Feynman quotes and examples
+ feynman_example = """Physics isn't the most important thing. Love is.
+
+Nature uses only the longest threads to weave her patterns, so each small piece of her fabric reveals the organization of the entire tapestry.
+
+The first principle is that you must not fool yourself β and you are the easiest person to fool.
+
+I think I can safely say that nobody understands quantum mechanics.
+
+What I cannot create, I do not understand.
+
+If you think you understand quantum mechanics, you don't understand quantum mechanics."""
+
+ save_example_text("data_sources/feynman/lectures.txt", feynman_example)
+
+ # Scientific examples
+ scientific_example = """Based on the empirical evidence, we can observe three key factors influencing this phenomenon.
+
+The data suggests a strong correlation between X and Y, with a statistical significance of p<0.01, indicating a potential causal relationship.
+
+While multiple hypotheses have been proposed, the research indicates that the most well-supported explanation is the third model, which accounts for both the observed pattern and the anomalous data points."""
+
+ save_example_text("data_sources/scientific/examples.txt", scientific_example)
+ print("Scientific and Feynman data created successfully.")
+
+def create_philosophical_data():
+ """Create data for Philosophical persona"""
+ # Philosophical examples
+ philosophical_example = """When we look more deeply at this question, we can see that the apparent separation between observer and observed is actually an illusion. Our consciousness is not separate from the phenomenon we're examining.
+
+This situation invites us to consider not just the practical implications, but also the deeper patterns that connect these events to larger cycles of change and transformation.
+
+The challenge we face is not merely technological but existential: what does it mean to be human in an age where our creations begin to mirror our own capabilities?"""
+
+ save_example_text("data_sources/philosophical/examples.txt", philosophical_example)
+ print("Philosophical data created successfully.")
+
+def create_factual_fry_data():
+ """Create data for Factual persona and Hannah Fry personality"""
+ # Hannah Fry example excerpts
+ fry_example = """When we talk about algorithms making decisions, we're not just discussing abstract mathematics β we're talking about systems that increasingly determine who gets a job, who gets a loan, and sometimes even who goes to prison. The math matters because its consequences are profoundly human.
+
+The fascinating thing about probability is how it challenges our intuition. Take the famous Birthday Paradox: in a room of just 23 people, there's a 50% chance that at least two people share a birthday. With 70 people, that probability jumps to 99.9%.
+
+Data never speaks for itself β it always comes with human assumptions baked in. When we look at a dataset showing correlation between two variables, we need to ask: what might be causing this relationship?"""
+
+ save_example_text("data_sources/fry/excerpts.txt", fry_example)
+
+ # Factual examples
+ factual_example = """The key facts about this topic are: First, the system operates in three distinct phases. Second, each phase requires specific inputs. Third, the output varies based on initial conditions.
+
+Based on the available evidence, we can state with high confidence that the primary factor is X, with secondary contributions from Y and Z. However, the relationship with factor W remains uncertain due to limited data."""
+
+ save_example_text("data_sources/factual/examples.txt", factual_example)
+ print("Factual and Fry data created successfully.")
+
+def create_metaphorical_data():
+ """Create data for Metaphorical persona"""
+ # Metaphorical examples
+ metaphorical_example = """Think of quantum computing like a combination lock with multiple correct combinations simultaneously. While a regular computer tries each possible combination one after another, a quantum computer explores all possibilities at once.
+
+The relationship between the economy and interest rates is like a boat on the ocean. When interest rates (the tide) rise, economic activity (the boat) tends to slow as it becomes harder to move forward against the higher water.
+
+Imagine your neural network as a child learning to identify animals. At first, it might think all four-legged creatures are dogs. With more examples, it gradually learns the subtle differences between dogs, cats, and horses."""
+
+ save_example_text("data_sources/metaphorical/examples.txt", metaphorical_example)
+ print("Metaphorical data created successfully.")
+
+def create_futuristic_data():
+ """Create data for Futuristic persona"""
+ # Futuristic examples
+ futuristic_example = """When we examine the current trajectory of this technology, we can identify three distinct possible futures: First, the mainstream path where incremental improvements lead to wider adoption but minimal disruption. Second, a transformative scenario where an unexpected breakthrough creates entirely new capabilities that fundamentally alter the existing paradigm. Third, a regulatory response scenario where societal concerns lead to significant constraints on development.
+
+This current challenge resembles the fictional 'Kardashev transition problem' often explored in speculative fiction. The difficulty isn't just technical but involves coordinating systems that operate at vastly different scales and timeframes.
+
+Looking forward to 2045, we might expect the convergence of neuromorphic computing with advanced materials science to create substrate-independent cognitive systems that challenge our current definitions of consciousness and agency."""
+
+ save_example_text("data_sources/futuristic/examples.txt", futuristic_example)
+ print("Futuristic data created successfully.")
+
+def main():
+ """Main function to execute data creation process"""
+ print("Starting InsightFlow AI data creation process...")
+
+ # Create all directories
+ create_directories()
+
+ # Create data for each persona
+ create_analytical_holmes_data()
+ create_scientific_feynman_data()
+ create_philosophical_data()
+ create_factual_fry_data()
+ create_metaphorical_data()
+ create_futuristic_data()
+
+ print("\nData creation process completed successfully!")
+ print("All persona data is now available in the data_sources directory.")
+
+if __name__ == "__main__":
+ main()
\ No newline at end of file
diff --git a/exports/.gitkeep b/exports/.gitkeep
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/get-pip.py b/get-pip.py
new file mode 100644
index 0000000000000000000000000000000000000000..60198eb4957e2bb5374047249466e6c6a5652549
--- /dev/null
+++ b/get-pip.py
@@ -0,0 +1,28579 @@
+#!/usr/bin/env python
+#
+# Hi There!
+#
+# You may be wondering what this giant blob of binary data here is, you might
+# even be worried that we're up to something nefarious (good for you for being
+# paranoid!). This is a base85 encoding of a zip file, this zip file contains
+# an entire copy of pip (version 25.1.1).
+#
+# Pip is a thing that installs packages, pip itself is a package that someone
+# might want to install, especially if they're looking to run this get-pip.py
+# script. Pip has a lot of code to deal with the security of installing
+# packages, various edge cases on various platforms, and other such sort of
+# "tribal knowledge" that has been encoded in its code base. Because of this
+# we basically include an entire copy of pip inside this blob. We do this
+# because the alternatives are attempt to implement a "minipip" that probably
+# doesn't do things correctly and has weird edge cases, or compress pip itself
+# down into a single file.
+#
+# If you're wondering how this is created, it is generated using
+# `scripts/generate.py` in https://github.com/pypa/get-pip.
+
+import sys
+
+this_python = sys.version_info[:2]
+min_version = (3, 9)
+if this_python < min_version:
+ message_parts = [
+ "This script does not work on Python {}.{}.".format(*this_python),
+ "The minimum supported Python version is {}.{}.".format(*min_version),
+ "Please use https://bootstrap.pypa.io/pip/{}.{}/get-pip.py instead.".format(*this_python),
+ ]
+ print("ERROR: " + " ".join(message_parts))
+ sys.exit(1)
+
+
+import os.path
+import pkgutil
+import shutil
+import tempfile
+import argparse
+import importlib
+from base64 import b85decode
+
+
+def include_setuptools(args):
+ """
+ Install setuptools only if absent, not excluded and when using Python <3.12.
+ """
+ cli = not args.no_setuptools
+ env = not os.environ.get("PIP_NO_SETUPTOOLS")
+ absent = not importlib.util.find_spec("setuptools")
+ python_lt_3_12 = this_python < (3, 12)
+ return cli and env and absent and python_lt_3_12
+
+
+def include_wheel(args):
+ """
+ Install wheel only if absent, not excluded and when using Python <3.12.
+ """
+ cli = not args.no_wheel
+ env = not os.environ.get("PIP_NO_WHEEL")
+ absent = not importlib.util.find_spec("wheel")
+ python_lt_3_12 = this_python < (3, 12)
+ return cli and env and absent and python_lt_3_12
+
+
+def determine_pip_install_arguments():
+ pre_parser = argparse.ArgumentParser()
+ pre_parser.add_argument("--no-setuptools", action="store_true")
+ pre_parser.add_argument("--no-wheel", action="store_true")
+ pre, args = pre_parser.parse_known_args()
+
+ args.append("pip")
+
+ if include_setuptools(pre):
+ args.append("setuptools")
+
+ if include_wheel(pre):
+ args.append("wheel")
+
+ return ["install", "--upgrade", "--force-reinstall"] + args
+
+
+def monkeypatch_for_cert(tmpdir):
+ """Patches `pip install` to provide default certificate with the lowest priority.
+
+ This ensures that the bundled certificates are used unless the user specifies a
+ custom cert via any of pip's option passing mechanisms (config, env-var, CLI).
+
+ A monkeypatch is the easiest way to achieve this, without messing too much with
+ the rest of pip's internals.
+ """
+ from pip._internal.commands.install import InstallCommand
+
+ # We want to be using the internal certificates.
+ cert_path = os.path.join(tmpdir, "cacert.pem")
+ with open(cert_path, "wb") as cert:
+ cert.write(pkgutil.get_data("pip._vendor.certifi", "cacert.pem"))
+
+ install_parse_args = InstallCommand.parse_args
+
+ def cert_parse_args(self, args):
+ if not self.parser.get_default_values().cert:
+ # There are no user provided cert -- force use of bundled cert
+ self.parser.defaults["cert"] = cert_path # calculated above
+ return install_parse_args(self, args)
+
+ InstallCommand.parse_args = cert_parse_args
+
+
+def bootstrap(tmpdir):
+ monkeypatch_for_cert(tmpdir)
+
+ # Execute the included pip and use it to install the latest pip and
+ # any user-requested packages from PyPI.
+ from pip._internal.cli.main import main as pip_entry_point
+ args = determine_pip_install_arguments()
+ sys.exit(pip_entry_point(args))
+
+
+def main():
+ tmpdir = None
+ try:
+ # Create a temporary working directory
+ tmpdir = tempfile.mkdtemp()
+
+ # Unpack the zipfile into the temporary directory
+ pip_zip = os.path.join(tmpdir, "pip.zip")
+ with open(pip_zip, "wb") as fp:
+ fp.write(b85decode(DATA.replace(b"\n", b"")))
+
+ # Add the zipfile to sys.path so that we can import it
+ sys.path.insert(0, pip_zip)
+
+ # Run the bootstrap
+ bootstrap(tmpdir=tmpdir)
+ finally:
+ # Clean up our temporary working directory
+ if tmpdir:
+ shutil.rmtree(tmpdir, ignore_errors=True)
+
+
+DATA = b"""
+P)h>@6aWAK2mnTQqFMrZI-~di003nH000jF003}la4%n9X>MtBUtcb8c|B0UO2j}6z0X&KUUXrdvZA;
+a6ubz6s0VM$QfAw<4YV^ulDhQoop$MlK*;0e$L01LzdVw?IP-tnf*qTlkJj!Mom=viw7qw3H>hKz9
+FVcXpQ6{|X*AaQ6!2wJ?w>%d+2&1X4Rc!^r6h-hMtH_d5{IF3D`nKTt~p1QY-O00;m^cA{Eu_pjHy0RRA2
+0{{RI0001RX>c!JUu|J&ZeL$6aCu!)OK;mS48HqU5b43r;JP^vOMxACEp{6QLy+m1h%E`C9MAjpBNe-
+8r;{H19{ebpf{zJ27j)n8%0=-6Z#elILRo@w9oRWWbO{z8ujDS!QAC@3T%nJCf;1rX6ghzu#Z}R@K&*?Hgj1WFD91+adaM4G`4Xs@*hA^t@nbDYdL)-aOjsW~3}QVVby(8=@7U$
+Fzj5Y{w!2hUUH`?e9j7WDA;>-1aos>7j{2$~BfyL8p@__Y98dsP#Bs7^lWF
+=e_gr;(4^?am?Cp93+7b-!?~nb}-$cPSR1zckA*zNp!)$;YjlZrfn&RWNM}=QA7*cb8A{(9@{5!vBfq
+rEMoeu5FvJZngI@N#4#(2v$WnMGCAVD?b9t8W^qDfcFBe5ZZF%dPAPaq#>ikclG~yPvCg`JUGb_W2#PdCXxx}7!|T*xc9qdnTILbO-nAJaF2
+~0snMFDU<%E01X4*yW9@|}F2;vY~;0|XQR000O8Ms}iFB^=tD)dBzjss#W56#xJLaA|NaUte%(a4
+m9mZf<3AUtcb8d3{vDPTN2bz56Q$bEqvD7eOzLnyL~CDi@L_;ZRYu+Sp^V)ZR6_YZ?pj@13#Z1R`1=l
+J)M)n>TOXIt;_f2D8Q^;6`S?Y{9RUgUr+|m;!25C-6tno(2iIDhjlyJ)nM4*651XX%H+qrBEdT{cBla
+4$^`0^qPP-6zv*|ge-jzUzxn2=uGMl9#)iA)y8^Cdr~rxdixH}OOJhxFbsp>7(O2Tg09*VTBnRAqE#)
+uTB%a`7P2*FzrkVV`K)SOhdyilnqJR#!6l}Q6a+(^)-m{nsTFZ3tf`=GYik||DD|c)gW1pJ_vy8mPk!
+87%_j>OLv)_N=Qs$09E*XCaNb7Sbvyz%2H(~=0(GyA#Q^BB=o_mcOvCiSC>?bfF%-ta6OhP5HUX=GiK
+PR!(uKJlo!!9~IAAmCk)?77i`J23la2CGx64oXMzMaXkQ<~~8EU?%I}z$$rRNujEIu~M()ri%^Gi%ri
+C!gNA@cLO=l6KV$(xV^&hZYbU&TCtOIChO4g;gfcAY_>ak~kgLxGa?L$cMXVJ{&`q`lnqv$j}Cr3vW0
+iSMRu8%^e>;b`+HM=<$xdKPpu@6SuMN-LR>$cFaIP$0f`iClb~O`=>COC
+NvJms>bV(-KMn=QG5PXY-h9vs;@fOIZ_lmTi^Fg`mulO!YZVO^KOIvSWtj)HD-~+vPht4%90
+Btz&yv-M$^(udyl?*`G;BgAr}tWa5RRHyc3Sz7-4H^#tC)@T$~!*>z3|0?b+NOYH~Nw+WUjLL%ySwnL
+u=yutnX)PsolsJX_Jx&=d9p7_`6i5S
+Mvz$qHBvD4Gc2vqMK2J#u@ySRoi8HJ74pBUZpQaDYr)B{xbde@6aWAK2mnTQqFPfaVBa?Z00033000>P003}la4%nJZggdGZ
+eeUMUtei%X>?y-E^v8uQL#?LKn&gQE3C4#Qn@ThKqVNNDp=U63SAQ?v2?jR*$!3y9w((B25z~hr>E!V
+=a%yTIu%MC&`>ff>`8PBZ$&Am5S?phNulCDC@HdWepHHb)qlj?Id=n;NN3!c*LnlPC<-TpI>d;Lp*Ax
+@NYlcAX86|n4s~x3dA%{4b5C^-eJBN!K+x-$+`^E}a>&gXQM{XH`M*P*a}Am
Comments
+ +