User commited on
Commit
c71af1b
·
1 Parent(s): 5637e0f

moved files to hf dataset

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
app.py CHANGED
@@ -2,25 +2,26 @@ from fastapi import FastAPI, HTTPException
2
  from pydantic import BaseModel
3
  import os
4
  import time
5
- from typing import List, Dict, Any, Optional
6
 
7
- from langchain_dartmouth.embeddings import DartmouthEmbeddings
 
 
 
 
8
  from langchain_text_splitters import TokenTextSplitter
9
- from langchain.document_loaders import DirectoryLoader, TextLoader
10
- from langchain_core.vectorstores import InMemoryVectorStore
11
  from langchain_dartmouth.llms import ChatDartmouthCloud
12
- from langchain_core.output_parsers import StrOutputParser
13
  from langchain_core.prompts import PromptTemplate
 
14
  from langchain_core.runnables import RunnablePassthrough
15
 
16
- # Set environment variables from secrets
17
- os.environ['DARTMOUTH_CHAT_API_KEY'] = os.environ.get('DARTMOUTH_CHAT_API_KEY', '')
18
- os.environ['DARTMOUTH_API_KEY'] = os.environ.get('DARTMOUTH_API_KEY', '')
19
-
20
- # Initialize FastAPI
21
  app = FastAPI(title="RAG API", description="Simple API for RAG-based question answering")
22
 
23
- # Global variables for components
 
24
  vector_store = None
25
  retriever = None
26
  rag_chain = None
@@ -34,15 +35,17 @@ class QueryRequest(BaseModel):
34
 
35
  class QueryResponse(BaseModel):
36
  answer: str
37
- # Initialize RAG components
38
  def initialize_rag():
 
 
 
39
  global vector_store, retriever, rag_chain, initialization_complete, initialization_in_progress
40
 
41
  if initialization_complete:
42
  return
43
 
44
  if initialization_in_progress:
45
- # Wait for initialization to complete
46
  while initialization_in_progress:
47
  time.sleep(1)
48
  return
@@ -50,61 +53,89 @@ def initialize_rag():
50
  initialization_in_progress = True
51
 
52
  try:
53
- print("Initializing RAG pipeline...")
54
-
55
- # 1. Load documents
56
- loader = DirectoryLoader("./pieces", glob="**/*.txt", loader_cls=TextLoader)
57
- collection = loader.load()
58
- print(f"Loaded {len(collection)} documents")
59
-
60
- # 2. Split documents
61
- splitter = TokenTextSplitter(
62
- chunk_size=400,
63
- chunk_overlap=0,
64
- encoding_name="cl100k_base"
65
- )
66
- documents = splitter.split_documents(collection)
67
- print(f"Split into {len(documents)} chunks")
68
-
69
- # 3. Initialize embedding model
70
- embeddings_model = DartmouthEmbeddings(model_name="bge-large-en-v1-5")
71
-
72
- # 4. Create vector store
73
- vector_store = InMemoryVectorStore(embedding=embeddings_model)
74
-
75
- # Initialize vector store and add documents
76
- batch_size = 100 # Adjust based on your document sizes
77
- for i in range(6200, len(documents), batch_size):
78
- batch = documents[i:i+batch_size]
79
- vector_store.add_documents(batch)
80
- print(f"Processed batch {i//batch_size + 1}/{(len(documents)-1)//batch_size + 1}")
81
- # 6. Create retriever
82
- retriever = vector_store.as_retriever()
83
-
84
- # 7. Initialize LLM
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
85
  llm = ChatDartmouthCloud(model_name="google_genai.gemini-2.0-flash-001")
86
-
87
- # 8. Create RAG chain
88
  template = """
89
- You are a helpful assistant that answers questions based on the provided context.
90
-
91
  Context:
92
  {context}
93
-
94
  Question: {question}
95
-
96
- Answer the question based only on the provided context. If you cannot answer the question with the context, say "I don't have enough information to answer this question."
 
97
  """
98
-
99
  prompt = PromptTemplate.from_template(template)
100
-
 
 
101
  rag_chain = (
102
  {"context": retriever, "question": RunnablePassthrough()}
103
  | prompt
104
  | llm
105
  | StrOutputParser()
106
  )
107
-
108
  initialization_complete = True
109
  print("RAG pipeline initialized successfully!")
110
 
@@ -114,7 +145,6 @@ def initialize_rag():
114
  finally:
115
  initialization_in_progress = False
116
 
117
- # Routes
118
  @app.get("/")
119
  def read_root():
120
  return {"message": "RAG API is running. Send POST requests to /query endpoint."}
@@ -136,26 +166,22 @@ async def process_query(request: QueryRequest):
136
  start_time = time.time()
137
 
138
  try:
139
- # Get relevant documents
140
  docs = retriever.get_relevant_documents(request.query, k=request.num_results)
141
 
142
  # Generate answer
143
  answer = rag_chain.invoke(request.query)
144
 
145
- # Calculate processing time
146
  processing_time = time.time() - start_time
 
147
 
148
- # Format response
149
- return return QueryResponse(
150
- answer=answer
151
- )
152
 
153
  except Exception as e:
154
  raise HTTPException(status_code=500, detail=str(e))
155
 
156
- # Initialize on startup
157
  @app.on_event("startup")
158
  async def startup_event():
159
- # Start initialization in background
160
  import threading
161
- threading.Thread(target=initialize_rag, daemon=True).start()
 
2
  from pydantic import BaseModel
3
  import os
4
  import time
5
+ from typing import Optional
6
 
7
+ # For loading your HF dataset
8
+ from datasets import load_dataset
9
+
10
+ # LangChain imports
11
+ from langchain.docstore.document import Document
12
  from langchain_text_splitters import TokenTextSplitter
13
+ from langchain_chroma import Chroma
14
+ from langchain_dartmouth.embeddings import DartmouthEmbeddings
15
  from langchain_dartmouth.llms import ChatDartmouthCloud
 
16
  from langchain_core.prompts import PromptTemplate
17
+ from langchain_core.output_parsers import StrOutputParser
18
  from langchain_core.runnables import RunnablePassthrough
19
 
20
+ # FastAPI initialization
 
 
 
 
21
  app = FastAPI(title="RAG API", description="Simple API for RAG-based question answering")
22
 
23
+ # Global variables
24
+ persist_directory = "./chroma_db"
25
  vector_store = None
26
  retriever = None
27
  rag_chain = None
 
35
 
36
  class QueryResponse(BaseModel):
37
  answer: str
38
+
39
  def initialize_rag():
40
+ """
41
+ Loads your HF dataset, splits it into chunks, and creates a Chroma vector store.
42
+ """
43
  global vector_store, retriever, rag_chain, initialization_complete, initialization_in_progress
44
 
45
  if initialization_complete:
46
  return
47
 
48
  if initialization_in_progress:
 
49
  while initialization_in_progress:
50
  time.sleep(1)
51
  return
 
53
  initialization_in_progress = True
54
 
55
  try:
56
+ # 1. Check if Chroma DB already exists
57
+ if os.path.exists(persist_directory) and os.listdir(persist_directory):
58
+ print("Loading existing vector store from disk...")
59
+
60
+ embeddings_model = DartmouthEmbeddings(model_name="bge-large-en-v1-5")
61
+ vector_store = Chroma(
62
+ persist_directory=persist_directory,
63
+ embedding_function=embeddings_model
64
+ )
65
+ print(f"Loaded vector store with {vector_store._collection.count()} documents")
66
+
67
+ else:
68
+ print("Creating new vector store from HF dataset...")
69
+
70
+ # 2. Load your Hugging Face dataset
71
+ # Replace "username/dataset_name" with your actual dataset name/ID.
72
+ # Make sure to pick the right split ("train", "test", etc.).
73
+ hf_dataset = load_dataset("shaamil101/met-documents", split="train")
74
+
75
+ # 3. Convert rows into LangChain `Document` objects
76
+ # We assume your dataset columns are: 'filename' and 'content'.
77
+ docs = []
78
+ for idx, row in enumerate(hf_dataset):
79
+ docs.append(
80
+ Document(
81
+ page_content=row["content"],
82
+ metadata={
83
+ "filename": row["filename"],
84
+ "id": idx
85
+ }
86
+ )
87
+ )
88
+ print(f"Loaded {len(docs)} documents from HF dataset")
89
+
90
+ # 4. Split documents into chunks
91
+ splitter = TokenTextSplitter(
92
+ chunk_size=400,
93
+ chunk_overlap=0,
94
+ encoding_name="cl100k_base"
95
+ )
96
+ documents = splitter.split_documents(docs)
97
+ print(f"Split into {len(documents)} chunks")
98
+
99
+ # 5. Create the vector store
100
+ embeddings_model = DartmouthEmbeddings(model_name="bge-large-en-v1-5")
101
+ vector_store = Chroma.from_documents(
102
+ documents=documents,
103
+ embedding=embeddings_model,
104
+ persist_directory=persist_directory
105
+ )
106
+ vector_store.persist()
107
+ print(f"Created and persisted vector store with {len(documents)} documents")
108
+
109
+ # 6. Build a retriever on top of the vector store
110
+ global retriever
111
+ retriever = vector_store.as_retriever(search_kwargs={"k": 5})
112
+
113
+ # 7. Create your LLM
114
  llm = ChatDartmouthCloud(model_name="google_genai.gemini-2.0-flash-001")
115
+
116
+ # 8. Define a prompt template
117
  template = """
118
+ You are a helpful assistant that answers questions based on Metropolita Museum of Art in New York using the provided context.
119
+
120
  Context:
121
  {context}
122
+
123
  Question: {question}
124
+
125
+ Answer the question based only on the provided context.
126
+ If you cannot answer the question with the context, say "I don't have enough information to answer this question."
127
  """
 
128
  prompt = PromptTemplate.from_template(template)
129
+
130
+ # 9. Create the RAG chain
131
+ global rag_chain
132
  rag_chain = (
133
  {"context": retriever, "question": RunnablePassthrough()}
134
  | prompt
135
  | llm
136
  | StrOutputParser()
137
  )
138
+
139
  initialization_complete = True
140
  print("RAG pipeline initialized successfully!")
141
 
 
145
  finally:
146
  initialization_in_progress = False
147
 
 
148
  @app.get("/")
149
  def read_root():
150
  return {"message": "RAG API is running. Send POST requests to /query endpoint."}
 
166
  start_time = time.time()
167
 
168
  try:
169
+ # Retrieve relevant documents
170
  docs = retriever.get_relevant_documents(request.query, k=request.num_results)
171
 
172
  # Generate answer
173
  answer = rag_chain.invoke(request.query)
174
 
 
175
  processing_time = time.time() - start_time
176
+ print(f"Processed query in {processing_time:.2f} seconds")
177
 
178
+ return QueryResponse(answer=answer)
 
 
 
179
 
180
  except Exception as e:
181
  raise HTTPException(status_code=500, detail=str(e))
182
 
 
183
  @app.on_event("startup")
184
  async def startup_event():
185
+ # Optionally initialize in a separate thread
186
  import threading
187
+ threading.Thread(target=initialize_rag, daemon=True).start()
dataset.py ADDED
@@ -0,0 +1,17 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from datasets import Dataset
2
+ import pandas as pd
3
+ import os
4
+
5
+ # Load your documents into a pandas DataFrame
6
+ files = []
7
+ for filename in os.listdir("pieces"):
8
+ if filename.endswith(".txt"):
9
+ with open(os.path.join("pieces", filename), "r") as f:
10
+ content = f.read()
11
+ files.append({"filename": filename, "content": content})
12
+
13
+ df = pd.DataFrame(files)
14
+ dataset = Dataset.from_pandas(df)
15
+
16
+ # Push to Hugging Face
17
+ dataset.push_to_hub("shaamil101/met-documents")
pieces/100.txt DELETED
@@ -1,6 +0,0 @@
1
- Andiron
2
- American or British
3
- 1700–1800
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- View more
 
 
 
 
 
 
 
pieces/1000.txt DELETED
@@ -1,7 +0,0 @@
1
- Bread Plate
2
- Chinese, for American market
3
- 1785–90
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This object belongs to a large dinner service (10.149.1–.248) bearing the Townley family coat-of-arms. The service, probably ordered by Justice Samuel Chase (1741–1811) of Annapolis, Maryland, displays the enamel-painted arms of Margaret Townley, Chase's aunt.
7
- View more
 
 
 
 
 
 
 
 
pieces/10000.txt DELETED
@@ -1,6 +0,0 @@
1
- Work Table
2
- American
3
- 1800–1810
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- View more
 
 
 
 
 
 
 
pieces/10001.txt DELETED
@@ -1,7 +0,0 @@
1
- Worktable
2
- American
3
- 1800–1810
4
- On view at The Met Fifth Avenue in
5
- Gallery 729
6
- The worktable was one of the few gender-specific pieces of domestic furniture. A woman would have stored sewing supplies in the upholstered bag and written letters on the hinged writing surface stored in the drawer above.
7
- View more
 
 
 
 
 
 
 
 
pieces/10003.txt DELETED
@@ -1,7 +0,0 @@
1
- Worktable
2
- American
3
- 1805–10
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- Worktables were one of several gender-specific forms produced in the Federal period. The silk fringed bag was for storing sewing supplies, the upper drawer, fitted with compartments, held items for writing. The leaf-covered turret cornices and tapering turned and reeded legs with a drum at the top and elongated, swelled feet are characteristic of Salem Federal-period table forms. The earliest documented use of the word “worktable” in Salem is in 1807, when the cabinetmaking partnership of Elijah and Jacob Sanderson paid Samuel McIntire three dollars for “Reeding & Carving 4 legs for [a] worktable.”
7
- View more
 
 
 
 
 
 
 
 
pieces/10004.txt DELETED
@@ -1,7 +0,0 @@
1
- Work Table
2
- American
3
- 1800–1810
4
- On view at The Met Fifth Avenue in
5
- Gallery 732
6
- The lower drawer of this worktable, or sewing table, is a slide with a frame fitted with a silk bag for holding needlework. These small but often beautifully conceived tables were used in parlors, sitting rooms, and bedrooms. In the early nineteenth century, ornamental painting was part of the curriculum of girls’ schools, and the skill frequently extended to the decoration of light-wood tables and boxes. A New England schoolgirl probably executed this example’s painted decoration of classical draped figures, festooned leaves, and entwined vines.
7
- View more
 
 
 
 
 
 
 
 
pieces/10005.txt DELETED
@@ -1,6 +0,0 @@
1
- Work Table
2
- American
3
- 1815–20
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- View more
 
 
 
 
 
 
 
pieces/10006.txt DELETED
@@ -1,7 +0,0 @@
1
- Work Table
2
- United Society of Believers in Christ’s Second Appearing (“Shakers”)
3
- American
4
- 1820–50
5
- On view at The Met Fifth Avenue in
6
- Gallery 734
7
- View more
 
 
 
 
 
 
 
 
pieces/10008.txt DELETED
@@ -1,8 +0,0 @@
1
- Sewing Table
2
- Attributed to
3
- Peter Glass
4
- American
5
- 1865–75
6
- On view at The Met Fifth Avenue in
7
- Gallery 774
8
- View more
 
 
 
 
 
 
 
 
 
pieces/10009.txt DELETED
@@ -1,7 +0,0 @@
1
- Work Table
2
- F. J. Henkel
3
- American
4
- ca. 1860
5
- On view at The Met Fifth Avenue in
6
- Gallery 774
7
- View more
 
 
 
 
 
 
 
 
pieces/1001.txt DELETED
@@ -1,7 +0,0 @@
1
- Bread Plate
2
- Chinese, for American market
3
- 1785–90
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This object belongs to a large dinner service (10.149.1–.248) bearing the Townley family coat-of-arms. The service, probably ordered by Justice Samuel Chase (1741–1811) of Annapolis, Maryland, displays the enamel-painted arms of Margaret Townley, Chase's aunt.
7
- View more
 
 
 
 
 
 
 
 
pieces/10010.txt DELETED
@@ -1,7 +0,0 @@
1
- Astragal-end Work Table
2
- American
3
- 1805–15
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This astragal-end ladies sewing or worktable is distinguished by its tall, elegant, and finely reeded legs. The pleated silk bag, which held sewing fabric or needlework, is patterned after a design in plate 26 of Thomas Sheraton’s "The Cabinet- Maker and Upholsterer’s Drawing-Book" (1794).
7
- View more
 
 
 
 
 
 
 
 
pieces/10011.txt DELETED
@@ -1,8 +0,0 @@
1
- Work Table
2
- Attributed to the Workshop of
3
- Duncan Phyfe
4
- American, born Scotland
5
- 1805–15
6
- On view at The Met Fifth Avenue in
7
- Gallery 774
8
- View more
 
 
 
 
 
 
 
 
 
pieces/10012.txt DELETED
@@ -1,9 +0,0 @@
1
- Work Table
2
- Attributed to the Workshop of
3
- Duncan Phyfe
4
- American, born Scotland
5
- 1810–20
6
- On view at The Met Fifth Avenue in
7
- Gallery 725
8
- Perhaps unique in design, this is one of two known work tables of this type. The best features of New York Classical style are seen in its shape and decoration. The workings of its interior are equally elaborate. The lid, hinged from the front, springs up upon release of a hidden catch to reveal a plain panel with a mirror on the reverse.
9
- View more
 
 
 
 
 
 
 
 
 
 
pieces/10013.txt DELETED
@@ -1,6 +0,0 @@
1
- Work Table
2
- American
3
- 1805–15
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- View more
 
 
 
 
 
 
 
pieces/10014.txt DELETED
@@ -1,8 +0,0 @@
1
- Sewing Table
2
- James X. Smith
3
- United Society of Believers in Christ’s Second Appearing (“Shakers”)
4
- American
5
- 1843
6
- On view at The Met Fifth Avenue in
7
- Gallery 732
8
- View more
 
 
 
 
 
 
 
 
 
pieces/10019.txt DELETED
@@ -1,7 +0,0 @@
1
- Worktable
2
- Michael Allison
3
- American
4
- 1823
5
- On view at The Met Fifth Avenue in
6
- Gallery 774
7
- View more
 
 
 
 
 
 
 
 
pieces/1002.txt DELETED
@@ -1,7 +0,0 @@
1
- Bread Plate
2
- Chinese, for American market
3
- 1785–90
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This object belongs to a large dinner service (10.149.1–.248) bearing the Townley family coat-of-arms. The service, probably ordered by Justice Samuel Chase (1741–1811) of Annapolis, Maryland, displays the enamel-painted arms of Margaret Townley, Chase's aunt.
7
- View more
 
 
 
 
 
 
 
 
pieces/10021.txt DELETED
@@ -1,6 +0,0 @@
1
- Writing Table
2
- American
3
- 1760–85
4
- On view at The Met Fifth Avenue in
5
- Gallery 752
6
- View more
 
 
 
 
 
 
 
pieces/10022.txt DELETED
@@ -1,6 +0,0 @@
1
- Writing Table
2
- American
3
- 1795–1805
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- View more
 
 
 
 
 
 
 
pieces/10025.txt DELETED
@@ -1,7 +0,0 @@
1
- Figure of an Eagle
2
- American
3
- 1800–1830
4
- On view at The Met Fifth Avenue in
5
- Gallery 700
6
- The American bald eagle was adopted by the United States Congress for the national seal in 1782. It soon became the most popular of patriotic decorative motifs. This carved-and-gilded eagle, with its wings proudly spread, is posed on a rocklike base. One of the largest of its type, it may have been the work of a carver of ship figureheads; however, it does not appear to have been used as a ship’s ornament or placed on the outside of a building, as it shows no signs of weathering.
7
- View more
 
 
 
 
 
 
 
 
pieces/10026.txt DELETED
@@ -1,7 +0,0 @@
1
- Fall
2
- American
3
- 1800–1810
4
- On view at The Met Fifth Avenue in
5
- Gallery 729
6
- Personifications of the four seasons were common subjects for engravers and printmakers in the eighteenth century, but carved wood statuettes such as these are exceedingly rare. In this set of figurines (1971.180.83-.86), the seasons are identified by their attributes: Spring by flowers, Summer by wheat, Autumn by a basket of fruit, and Winter by a muff. Other than for ships’ figureheads, there was little demand in the United States for sculptural carving during this time period. The surviving examples of non-maritime wood sculpture originated almost exclusively in Boston or Salem, Massachusetts.
7
- View more
 
 
 
 
 
 
 
 
pieces/10028.txt DELETED
@@ -1,8 +0,0 @@
1
- Orange Branch
2
- Formerly attributed to
3
- John La Farge
4
- American
5
- ca. 1883
6
- On view at The Met Fifth Avenue in
7
- Gallery 774
8
- View more
 
 
 
 
 
 
 
 
 
pieces/10029.txt DELETED
@@ -1,5 +0,0 @@
1
- Ornament
2
- 1850–1900
3
- On view at The Met Fifth Avenue in
4
- Gallery 774
5
- View more
 
 
 
 
 
 
pieces/1003.txt DELETED
@@ -1,7 +0,0 @@
1
- Bread Plate
2
- Chinese, for American market
3
- 1785–90
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This object belongs to a large dinner service (10.149.1–.248) bearing the Townley family coat-of-arms. The service, probably ordered by Justice Samuel Chase (1741–1811) of Annapolis, Maryland, displays the enamel-painted arms of Margaret Townley, Chase's aunt.
7
- View more
 
 
 
 
 
 
 
 
pieces/10030.txt DELETED
@@ -1,5 +0,0 @@
1
- Ornament
2
- 1850–1900
3
- On view at The Met Fifth Avenue in
4
- Gallery 774
5
- View more
 
 
 
 
 
 
pieces/10031.txt DELETED
@@ -1,5 +0,0 @@
1
- Ornament
2
- 1850–1900
3
- On view at The Met Fifth Avenue in
4
- Gallery 774
5
- View more
 
 
 
 
 
 
pieces/10032.txt DELETED
@@ -1,5 +0,0 @@
1
- Ornament
2
- 1850–1900
3
- On view at The Met Fifth Avenue in
4
- Gallery 774
5
- View more
 
 
 
 
 
 
pieces/10033.txt DELETED
@@ -1,5 +0,0 @@
1
- Ornament
2
- 1850–1900
3
- On view at The Met Fifth Avenue in
4
- Gallery 774
5
- View more
 
 
 
 
 
 
pieces/10034.txt DELETED
@@ -1,5 +0,0 @@
1
- Ornament
2
- 1850–1900
3
- On view at The Met Fifth Avenue in
4
- Gallery 774
5
- View more
 
 
 
 
 
 
pieces/10035.txt DELETED
@@ -1,8 +0,0 @@
1
- Pasture at Evening
2
- Formerly attributed to
3
- Albert Pinkham Ryder
4
- American
5
- 1912–32
6
- On view at The Met Fifth Avenue in
7
- Gallery 774
8
- View more
 
 
 
 
 
 
 
 
 
pieces/10036.txt DELETED
@@ -1,7 +0,0 @@
1
- Spring
2
- American
3
- 1800–1810
4
- On view at The Met Fifth Avenue in
5
- Gallery 729
6
- Personifications of the four seasons were common subjects for engravers and printmakers in the eighteenth century, but carved wood statuettes such as these are exceedingly rare. In this set of figurines (1971.180.83-.86), the seasons are identified by their attributes: Spring by flowers, Summer by wheat, Autumn by a basket of fruit, and Winter by a muff. Other than for ships’ figureheads, there was little demand in the United States for sculptural carving during this time period. The surviving examples of non-maritime wood sculpture originated almost exclusively in Boston or Salem, Massachusetts.
7
- View more
 
 
 
 
 
 
 
 
pieces/10037.txt DELETED
@@ -1,7 +0,0 @@
1
- Summer
2
- American
3
- 1800–1810
4
- On view at The Met Fifth Avenue in
5
- Gallery 729
6
- Personifications of the four seasons were common subjects for engravers and printmakers in the eighteenth century, but carved wood statuettes such as these are exceedingly rare. In this set of figurines (1971.180.83-.86), the seasons are identified by their attributes: Spring by flowers, Summer by wheat, Autumn by a basket of fruit, and Winter by a muff. Other than for ships’ figureheads, there was little demand in the United States for sculptural carving during this time period. The surviving examples of non-maritime wood sculpture originated almost exclusively in Boston or Salem, Massachusetts.
7
- View more
 
 
 
 
 
 
 
 
pieces/10038.txt DELETED
@@ -1,5 +0,0 @@
1
- Figure of a Tobacco Auctioneer
2
- 1800–1830
3
- On view at The Met Fifth Avenue in
4
- Gallery 774
5
- View more
 
 
 
 
 
 
pieces/10039.txt DELETED
@@ -1,7 +0,0 @@
1
- Winter
2
- American
3
- 1800–1810
4
- On view at The Met Fifth Avenue in
5
- Gallery 729
6
- Personifications of the four seasons were common subjects for engravers and printmakers in the eighteenth century, but carved wood statuettes such as these are exceedingly rare. In this set of figurines (1971.180.83-.86), the seasons are identified by their attributes: Spring by flowers, Summer by wheat, Autumn by a basket of fruit, and Winter by a muff. Other than for ships’ figureheads, there was little demand in the United States for sculptural carving during this time period. The surviving examples of non-maritime wood sculpture originated almost exclusively in Boston or Salem, Massachusetts.
7
- View more
 
 
 
 
 
 
 
 
pieces/1004.txt DELETED
@@ -1,7 +0,0 @@
1
- Bread Plate
2
- Chinese, for American market
3
- 1785–90
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This object belongs to a large dinner service (10.149.1–.248) bearing the Townley family coat-of-arms. The service, probably ordered by Justice Samuel Chase (1741–1811) of Annapolis, Maryland, displays the enamel-painted arms of Margaret Townley, Chase's aunt.
7
- View more
 
 
 
 
 
 
 
 
pieces/10049.txt DELETED
@@ -1,22 +0,0 @@
1
- "King Lear," Act I, Scene I
2
- Edwin Austin Abbey
3
- American
4
- 1898
5
- On view at The Met Fifth Avenue in
6
- Gallery 770
7
- Multitalented Edwin Austin Abbey, a Philadelphia-born illustrator, painter, and muralist, is best known for his historical imagery, especially Arthurian and Shakespearean subjects. A popular member of expatriate artistic circles, Abbey first visited England in 1878, and settled there permanently in 1882.
8
- In this dramatic scene from King Lear, Cordelia—Shakespeare’s heroine in the tragedy—stands at the center of the composition, having just been renounced by her father in the play’s opening scene.
9
- View more
10
- Listen
11
- to experts illuminate this artwork's story
12
- #4039. King Lear
13
- 0:00
14
- RW
15
- Skip backwards ten seconds.
16
- FW
17
- Skip forwards ten seconds.
18
- 0:00
19
- Your browser doesn't support HTML5 audio. Here is a
20
- link to download the audio
21
- instead.
22
- View Transcript
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
pieces/1005.txt DELETED
@@ -1,7 +0,0 @@
1
- Bread Plate
2
- Chinese, for American market
3
- 1785–90
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This object belongs to a large dinner service (10.149.1–.248) bearing the Townley family coat-of-arms. The service, probably ordered by Justice Samuel Chase (1741–1811) of Annapolis, Maryland, displays the enamel-painted arms of Margaret Townley, Chase's aunt.
7
- View more
 
 
 
 
 
 
 
 
pieces/1006.txt DELETED
@@ -1,7 +0,0 @@
1
- Bread Plate
2
- Chinese, for American market
3
- 1785–90
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This object belongs to a large dinner service (10.149.1–.248) bearing the Townley family coat-of-arms. The service, probably ordered by Justice Samuel Chase (1741–1811) of Annapolis, Maryland, displays the enamel-painted arms of Margaret Townley, Chase's aunt.
7
- View more
 
 
 
 
 
 
 
 
pieces/10065.txt DELETED
@@ -1,8 +0,0 @@
1
- Repose
2
- John White Alexander
3
- American
4
- 1895
5
- On view at The Met Fifth Avenue in
6
- Gallery 770
7
- Alexander, who lived in Paris during the 1890s, achieved international success with his studies of female figures gracefully posed in elegant interiors. In this example, the provocative facial expression and supple curves reflect the contemporary French taste for sensual images of women as well as the undulating linear rhythms of Art Nouveau. With its model decoratively attired in a sweep of white fabric, "Repose" was lampooned in a French magazine as a portrayal of Loïe Fuller (1862–1928), the American dancer famous for manipulating swirling folds of silk in her performances at the Folies Bergère in Paris.
8
- View more
 
 
 
 
 
 
 
 
 
pieces/10066.txt DELETED
@@ -1,7 +0,0 @@
1
- The Ring
2
- John White Alexander
3
- American
4
- 1911
5
- On view at The Met Fifth Avenue in
6
- Gallery 774
7
- View more
 
 
 
 
 
 
 
 
pieces/10068.txt DELETED
@@ -1,7 +0,0 @@
1
- Walt Whitman
2
- John White Alexander
3
- American
4
- 1889
5
- On view at The Met Fifth Avenue in
6
- Gallery 774
7
- View more
 
 
 
 
 
 
 
 
pieces/1007.txt DELETED
@@ -1,7 +0,0 @@
1
- Bread Plate
2
- Chinese, for American market
3
- 1785–90
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This object belongs to a large dinner service (10.149.1–.248) bearing the Townley family coat-of-arms. The service, probably ordered by Justice Samuel Chase (1741–1811) of Annapolis, Maryland, displays the enamel-painted arms of Margaret Townley, Chase's aunt.
7
- View more
 
 
 
 
 
 
 
 
pieces/10070.txt DELETED
@@ -1,8 +0,0 @@
1
- The Spanish Girl in Reverie
2
- Washington Allston
3
- American
4
- 1831
5
- On view at The Met Fifth Avenue in
6
- Gallery 759
7
- When Allston first exhibited this painting at the Boston Athenaeum in 1831, he also displayed the poem, written by him, that inspired the composition. It told the romantic story of "Sweet Inez," who awaits on the spot of her betrothal for the return of her lover, Isidore, from war. Allston's image of Inez is ethereal and luminous--a favorite facial type in his work--and her body language reveals yearning, hope, and fear. Alone in an awesome landscape, she is caught in a moment of reverie and reflection. The artist's approach to the landscape created great interest due to his dematerialization of the solid mountainous forms via meticulous glazings of diaphanous color.
8
- View more
 
 
 
 
 
 
 
 
 
pieces/10073.txt DELETED
@@ -1,10 +0,0 @@
1
- Auguste Pottier
2
- Louis Amateis
3
- American
4
- Cast by
5
- Henry-Bonnard Bronze Company
6
- 1884
7
- On view at The Met Fifth Avenue in
8
- Gallery 774
9
- This portrait bust of Auguste Pottier (1823-1896) was no doubt one of Amateis’s first efforts after he arrived in New York from his native Italy in 1883. Although it is uncertain how artist and sitter met, both were involved with work for city architectural firms, Amateis doing architectural sculpture and Pottier interior furnishings. Born in France, Pottier established a successful career as a decorator and designer of furniture, and in 1859 formed a partnership with William P. Stymus, a well-known cabinetmaker. Pottier and Stymus Manufacturing Company was, with Herter Brothers and Leon Marcotte, among the leading interior decorating establishments in the United States. In addition to his cabinetmaking pursuits, Pottier was among the first hundred Patrons of the Metropolitan Museum of Art.
10
- View more
 
 
 
 
 
 
 
 
 
 
 
pieces/10077.txt DELETED
@@ -1,21 +0,0 @@
1
- The Children of Nathan Starr
2
- Ambrose Andrews
3
- American
4
- 1835
5
- On view at The Met Fifth Avenue in
6
- Gallery 736
7
- During a period of high child mortality rates, posthumous portraiture played a pivotal role in capturing the likenesses of lost loved ones. Andrews painted this memorial portrait of the children of Nathan Starr shortly after the death of the youngest son, Edward, who appears at center holding a gaming stick aimed at a flight of white birds in the distance. Depicted in the family’s home in Middletown, Connecticut, the children are bathed in a soft, heavenly light while they play a game of shuttlecock, a precursor to badminton.
8
- View more
9
- Listen
10
- to experts illuminate this artwork's story
11
- #4569. The Children of Nathan Starr
12
- 0:00
13
- RW
14
- Skip backwards ten seconds.
15
- FW
16
- Skip forwards ten seconds.
17
- 0:00
18
- Your browser doesn't support HTML5 audio. Here is a
19
- link to download the audio
20
- instead.
21
- View Transcript
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
pieces/1008.txt DELETED
@@ -1,7 +0,0 @@
1
- Bread Plate
2
- Chinese, for American market
3
- 1785–90
4
- On view at The Met Fifth Avenue in
5
- Gallery 774
6
- This object belongs to a large dinner service (10.149.1–.248) bearing the Townley family coat-of-arms. The service, probably ordered by Justice Samuel Chase (1741–1811) of Annapolis, Maryland, displays the enamel-painted arms of Margaret Townley, Chase's aunt.
7
- View more
 
 
 
 
 
 
 
 
pieces/10080.txt DELETED
@@ -1,8 +0,0 @@
1
- The Way They Live
2
- Thomas Anshutz
3
- American
4
- 1879
5
- On view at The Met Fifth Avenue in
6
- Gallery 762
7
- Born in Kentucky and raised in West Virginia, Thomas Anshutz moved to Brooklyn in 1871. During that turbulent decade, a number of artists painted images of African American life with varying degrees of naturalism and stereotyping. Here, Anshutz embraces the former, portraying a woman and two children in a well-tended patch of tobacco. The mountain setting suggests the painting may be based on a scene observed on the artist’s travels around West Virginia. While produced after the end of Reconstruction, both the depicted family unity and the financial independence they could derive from the tobacco cash-crop reveal a more nuanced commentary on their situation. Nevertheless, the painting’s title underlines the distance between the presumed White middle-class viewer and the Black laboring subject.
8
- View more