Jinglong Xiong commited on
Commit
da1ac10
·
1 Parent(s): 6642f4e

run evaluation

Browse files
.gitignore CHANGED
@@ -1,3 +1,6 @@
 
 
 
1
  unsloth_compiled_cache/
2
  *.ipynb
3
  star-vector/
 
1
+ results/png/
2
+ results/svg/
3
+ results/*.json
4
  unsloth_compiled_cache/
5
  *.ipynb
6
  star-vector/
app.py ADDED
@@ -0,0 +1,71 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import streamlit as st
2
+ import base64
3
+ from ml import MLModel
4
+ from dl import DLModel
5
+
6
+ st.set_page_config(page_title="Drawing with LLM", page_icon="🎨", layout="wide")
7
+
8
+ @st.cache_resource
9
+ def load_ml_model():
10
+ return MLModel(device="cuda" if st.session_state.get("use_gpu", True) else "cpu")
11
+
12
+ @st.cache_resource
13
+ def load_dl_model():
14
+ return DLModel(device="cuda" if st.session_state.get("use_gpu", True) else "cpu")
15
+
16
+ def render_svg(svg_content):
17
+ b64 = base64.b64encode(svg_content.encode("utf-8")).decode("utf-8")
18
+ return f'<img src="data:image/svg+xml;base64,{b64}" width="100%" height="auto"/>'
19
+
20
+ st.title("Drawing with LLM 🎨")
21
+
22
+ with st.sidebar:
23
+ st.header("Settings")
24
+ model_type = st.selectbox("Model Type", ["ML Model (vtracer)", "DL Model (starvector)"])
25
+ use_gpu = st.checkbox("Use GPU", value=True)
26
+ st.session_state["use_gpu"] = use_gpu
27
+
28
+ if model_type == "ML Model (vtracer)":
29
+ st.subheader("ML Model Settings")
30
+ simplify = st.checkbox("Simplify SVG", value=True)
31
+ color_precision = st.slider("Color Precision", 1, 10, 6)
32
+ filter_speckle = st.slider("Filter Speckle", 0, 10, 4)
33
+ path_precision = st.slider("Path Precision", 1, 10, 8)
34
+
35
+ prompt = st.text_area("Enter your description", "A cat sitting on a windowsill at sunset")
36
+
37
+ if st.button("Generate SVG"):
38
+ with st.spinner("Generating SVG..."):
39
+ if model_type == "ML Model (vtracer)":
40
+ model = load_ml_model()
41
+ svg_content = model.predict(
42
+ prompt,
43
+ simplify=simplify,
44
+ color_precision=color_precision,
45
+ filter_speckle=filter_speckle,
46
+ path_precision=path_precision
47
+ )
48
+ else:
49
+ model = load_dl_model()
50
+ svg_content = model.predict(prompt)
51
+
52
+ col1, col2 = st.columns(2)
53
+
54
+ with col1:
55
+ st.subheader("Generated SVG")
56
+ st.markdown(render_svg(svg_content), unsafe_allow_html=True)
57
+
58
+ with col2:
59
+ st.subheader("SVG Code")
60
+ st.code(svg_content, language="xml")
61
+
62
+ # Download button for SVG
63
+ st.download_button(
64
+ label="Download SVG",
65
+ data=svg_content,
66
+ file_name="generated_svg.svg",
67
+ mime="image/svg+xml"
68
+ )
69
+
70
+ st.markdown("---")
71
+ st.markdown("This app uses Stable Diffusion to generate images from text and converts them to SVG.")
eval.py ADDED
@@ -0,0 +1,370 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import ast
2
+ import argparse
3
+ import logging
4
+ import numpy as np
5
+ import pandas as pd
6
+ import json
7
+ from datetime import datetime
8
+ import os
9
+ from PIL import Image
10
+ from ml import MLModel
11
+ from dl import DLModel
12
+ from naive import NaiveModel
13
+ import cairosvg
14
+ import io
15
+ from typing import Dict, Any, List, Tuple
16
+ from tqdm import tqdm
17
+ from metric import harmonic_mean, VQAEvaluator, AestheticEvaluator
18
+ import gc
19
+ import torch
20
+
21
+ # Setup logging
22
+ os.makedirs("logs", exist_ok=True)
23
+ log_file = f"logs/eval_{datetime.now().strftime('%Y%m%d_%H%M%S')}.log"
24
+ logging.basicConfig(
25
+ level=logging.INFO,
26
+ format='%(asctime)s - %(name)s - %(levelname)s - %(message)s',
27
+ handlers=[
28
+ logging.FileHandler(log_file),
29
+ logging.StreamHandler()
30
+ ]
31
+ )
32
+ logger = logging.getLogger(__name__)
33
+
34
+ # Custom JSON encoder to handle NumPy types
35
+ class NumpyEncoder(json.JSONEncoder):
36
+ def default(self, obj):
37
+ if isinstance(obj, np.integer):
38
+ return int(obj)
39
+ if isinstance(obj, np.floating):
40
+ return float(obj)
41
+ if isinstance(obj, np.ndarray):
42
+ return obj.tolist()
43
+ return super(NumpyEncoder, self).default(obj)
44
+
45
+ def svg_to_png(svg_code: str, size: tuple = (384, 384)) -> Image.Image:
46
+ """Converts SVG code to a PNG image.
47
+
48
+ Args:
49
+ svg_code (str): SVG code to convert
50
+ size (tuple, optional): Output image size. Defaults to (384, 384).
51
+
52
+ Returns:
53
+ PIL.Image.Image: The converted PNG image
54
+ """
55
+ try:
56
+ png_data = cairosvg.svg2png(bytestring=svg_code.encode('utf-8'), output_width=size[0], output_height=size[1])
57
+ return Image.open(io.BytesIO(png_data))
58
+ except Exception as e:
59
+ logger.error(f"Error converting SVG to PNG: {e}")
60
+ # Return a default red circle if conversion fails
61
+ default_svg = """<svg width="384" height="384" viewBox="0 0 256 256"><circle cx="128" cy="128" r="64" fill="red" /></svg>"""
62
+ png_data = cairosvg.svg2png(bytestring=default_svg.encode('utf-8'), output_width=size[0], output_height=size[1])
63
+ return Image.open(io.BytesIO(png_data))
64
+
65
+ def load_evaluation_data(eval_csv_path: str, descriptions_csv_path: str, index: int = None) -> Tuple[pd.DataFrame, pd.DataFrame]:
66
+ """Load evaluation data from CSV files.
67
+
68
+ Args:
69
+ eval_csv_path (str): Path to the evaluation CSV
70
+ descriptions_csv_path (str): Path to the descriptions CSV
71
+ index (int, optional): Specific index to load. Defaults to None (load all).
72
+
73
+ Returns:
74
+ Tuple[pd.DataFrame, pd.DataFrame]: Loaded evaluation and descriptions dataframes
75
+ """
76
+ logger.info(f"Loading evaluation data from {eval_csv_path} and {descriptions_csv_path}")
77
+
78
+ with tqdm(total=2, desc="Loading data files") as pbar:
79
+ eval_df = pd.read_csv(eval_csv_path)
80
+ pbar.update(1)
81
+
82
+ descriptions_df = pd.read_csv(descriptions_csv_path)
83
+ pbar.update(1)
84
+
85
+ if index is not None:
86
+ eval_df = eval_df.iloc[[index]]
87
+ descriptions_df = descriptions_df.iloc[[index]]
88
+ logger.info(f"Selected description at index {index}: {descriptions_df.iloc[0]['description']}")
89
+
90
+ return eval_df, descriptions_df
91
+
92
+ def generate_svg(model: Any, description: str, eval_data: pd.Series,
93
+ results_dir: str = "results") -> Dict[str, Any]:
94
+ """Generate SVG using the model and save it.
95
+
96
+ Args:
97
+ model (Any): The model to evaluate (MLModel, DLModel, or NaiveModel)
98
+ description (str): Text description to generate SVG from
99
+ eval_data (pd.Series): Evaluation data with questions, choices, and answers
100
+ results_dir (str): Directory to save results to
101
+
102
+ Returns:
103
+ Dict[str, Any]: Generation results
104
+ """
105
+ # Create output directories
106
+ os.makedirs(results_dir, exist_ok=True)
107
+ os.makedirs(f"{results_dir}/svg", exist_ok=True)
108
+ os.makedirs(f"{results_dir}/png", exist_ok=True)
109
+
110
+ model_name = model.__class__.__name__
111
+ results = {
112
+ "description": description,
113
+ "model_type": model_name,
114
+ "id": eval_data.get('id', '0'),
115
+ "category": description.split(',')[-1] if ',' in description else "unknown",
116
+ "timestamp": datetime.now().isoformat(),
117
+ }
118
+
119
+ # Generate SVG
120
+ logger.info(f"Generating SVG for description: {description}")
121
+ start_time = datetime.now()
122
+ svg = model.predict(description)
123
+ generation_time = (datetime.now() - start_time).total_seconds()
124
+ results["svg"] = svg
125
+ results["generation_time_seconds"] = generation_time
126
+
127
+ # Convert SVG to PNG for visual evaluation
128
+ image = svg_to_png(svg)
129
+ results["image_width"] = image.width
130
+ results["image_height"] = image.height
131
+
132
+ # Save the SVG and PNG for inspection
133
+ output_filename = f"{results['id']}_{model_name}"
134
+ with open(f"{results_dir}/svg/{output_filename}.svg", "w") as f:
135
+ f.write(svg)
136
+ image.save(f"{results_dir}/png/{output_filename}.png")
137
+
138
+ logger.info(f"Generated SVG for model {model_name} in {generation_time:.2f} seconds")
139
+
140
+ return results
141
+
142
+ def evaluate_results(results_list: List[Dict[str, Any]],
143
+ vqa_evaluator, aesthetic_evaluator,
144
+ results_dir: str = "results") -> List[Dict[str, Any]]:
145
+ """Evaluate generated SVGs.
146
+
147
+ Args:
148
+ results_list (List[Dict[str, Any]]): List of generation results
149
+ vqa_evaluator: VQA evaluation model
150
+ aesthetic_evaluator: Aesthetic evaluation model
151
+ results_dir (str): Directory with saved results
152
+
153
+ Returns:
154
+ List[Dict[str, Any]]: Evaluation results
155
+ """
156
+ evaluated_results = []
157
+
158
+ for result in tqdm(results_list, desc="Evaluating results"):
159
+ model_name = result["model_type"]
160
+ output_filename = f"{result['id']}_{model_name}"
161
+
162
+ # Load the PNG image
163
+ image = Image.open(f"{results_dir}/png/{output_filename}.png").convert('RGB')
164
+
165
+ try:
166
+ # Parse evaluation data
167
+ questions = result.get("questions")
168
+ choices = result.get("choices")
169
+ answers = result.get("answers")
170
+
171
+ if not all([questions, choices, answers]):
172
+ logger.warning(f"Missing evaluation data for {output_filename}")
173
+ continue
174
+
175
+ # Calculate scores
176
+ logger.info(f"Calculating VQA score for model: {model_name}")
177
+ vqa_score = vqa_evaluator.score(questions, choices, answers, image)
178
+
179
+ logger.info(f"Calculating aesthetic score for model: {model_name}")
180
+ aesthetic_score = aesthetic_evaluator.score(image)
181
+
182
+ # Calculate final fidelity score using harmonic mean
183
+ instance_score = harmonic_mean(vqa_score, aesthetic_score, beta=0.5)
184
+
185
+ # Add scores to results
186
+ result["vqa_score"] = vqa_score
187
+ result["aesthetic_score"] = aesthetic_score
188
+ result["fidelity_score"] = instance_score
189
+
190
+ logger.info(f"VQA Score: {vqa_score:.4f}")
191
+ logger.info(f"Aesthetic Score: {aesthetic_score:.4f}")
192
+ logger.info(f"Final Fidelity Score: {instance_score:.4f}")
193
+ except Exception as e:
194
+ logger.error(f"Error during evaluation: {e}")
195
+ result["error"] = str(e)
196
+
197
+ evaluated_results.append(result)
198
+
199
+ return evaluated_results
200
+
201
+ def create_model(model_type: str, device: str = "cuda") -> Any:
202
+ """Create a model instance based on model type.
203
+
204
+ Args:
205
+ model_type (str): Type of model ('ml', 'dl', or 'naive')
206
+ device (str, optional): Device to run model on. Defaults to "cuda".
207
+
208
+ Returns:
209
+ Any: Model instance
210
+ """
211
+ logger.info(f"Creating {model_type.upper()} model on {device}")
212
+ with tqdm(total=1, desc=f"Loading {model_type.upper()} model") as pbar:
213
+ if model_type.lower() == 'ml':
214
+ model = MLModel(device=device)
215
+ elif model_type.lower() == 'dl':
216
+ model = DLModel(device=device)
217
+ elif model_type.lower() == 'naive':
218
+ model = NaiveModel(device=device)
219
+ else:
220
+ raise ValueError(f"Unknown model type: {model_type}")
221
+ pbar.update(1)
222
+
223
+ return model
224
+
225
+ def main():
226
+ parser = argparse.ArgumentParser(description='Evaluate SVG generation models')
227
+ # dl is not working and takes too long, so we don't evaluate it by default
228
+ parser.add_argument('--models', nargs='+', choices=['ml', 'dl', 'naive'], default=['ml', 'naive'],
229
+ help='Models to evaluate (ml, dl, naive)')
230
+ parser.add_argument('--index', type=int, default=None,
231
+ help='Index of the description to evaluate (default: None, evaluate all)')
232
+ parser.add_argument('--device', type=str, default='cuda',
233
+ help='Device to run models on (default: cuda)')
234
+ parser.add_argument('--eval-csv', type=str, default='data/eval.csv',
235
+ help='Path to evaluation CSV (default: data/eval.csv)')
236
+ parser.add_argument('--descriptions-csv', type=str, default='data/descriptions.csv',
237
+ help='Path to descriptions CSV (default: data/descriptions.csv)')
238
+ parser.add_argument('--results-dir', type=str, default='results',
239
+ help='Directory to save results (default: results)')
240
+ parser.add_argument('--generate-only', action='store_true',
241
+ help='Only generate SVGs without evaluation')
242
+ parser.add_argument('--evaluate-only', action='store_true',
243
+ help='Only evaluate previously generated SVGs')
244
+
245
+ args = parser.parse_args()
246
+
247
+ # Create results directory
248
+ os.makedirs(args.results_dir, exist_ok=True)
249
+
250
+ # Load evaluation data
251
+ eval_df, descriptions_df = load_evaluation_data(args.eval_csv, args.descriptions_csv, args.index)
252
+
253
+ # Load cached results or initialize new results
254
+ cached_results_file = f"{args.results_dir}/cached_results.json"
255
+ if os.path.exists(cached_results_file) and args.evaluate_only:
256
+ with open(cached_results_file, 'r') as f:
257
+ results = json.load(f)
258
+ logger.info(f"Loaded {len(results)} cached results from {cached_results_file}")
259
+ else:
260
+ results = []
261
+
262
+ # Step 1: Generate SVGs if not in evaluate-only mode
263
+ if not args.evaluate_only:
264
+ # Process one model at a time to avoid loading/unloading models repeatedly
265
+ for model_type in args.models:
266
+ logger.info(f"Processing all descriptions with model: {model_type}")
267
+ model = create_model(model_type, args.device)
268
+
269
+ # Process all descriptions with the current model
270
+ for idx, (_, desc_row) in enumerate(descriptions_df.iterrows()):
271
+ description = desc_row['description']
272
+ eval_data = eval_df.iloc[idx]
273
+
274
+ logger.info(f"Processing description {idx}: {description}")
275
+
276
+ # Generate SVG and save
277
+ result = generate_svg(model, description, eval_data, args.results_dir)
278
+
279
+ # Add questions, choices and answers to the result
280
+ try:
281
+ result["questions"] = ast.literal_eval(eval_data['question'])
282
+ result["choices"] = ast.literal_eval(eval_data['choices'])
283
+ result["answers"] = ast.literal_eval(eval_data['answer'])
284
+ except Exception as e:
285
+ logger.error(f"Error parsing evaluation data: {e}")
286
+
287
+ results.append(result)
288
+ logger.info(f"Completed SVG generation for description {idx}")
289
+
290
+ # Free up memory after processing all descriptions with this model
291
+ logger.info(f"Completed all SVG generations for model: {model_type}")
292
+ del model
293
+ if args.device == 'cuda':
294
+ torch.cuda.empty_cache()
295
+ gc.collect()
296
+
297
+ # Save the results for later evaluation
298
+ with open(cached_results_file, 'w') as f:
299
+ # Remove image data from results to avoid large JSON files
300
+ clean_results = []
301
+ for result in results:
302
+ clean_result = {k: v for k, v in result.items() if k not in ['image', 'svg']}
303
+ clean_results.append(clean_result)
304
+ json.dump(clean_results, f, indent=2, cls=NumpyEncoder)
305
+ logger.info(f"Saved {len(results)} results to {cached_results_file}")
306
+
307
+ # Exit if only generating
308
+ if args.generate_only:
309
+ logger.info("Generation completed. Skipping evaluation as requested.")
310
+ return
311
+
312
+ # Step 2: Evaluate the generated SVGs
313
+ logger.info("Starting evaluation phase")
314
+
315
+ # Initialize evaluators
316
+ logger.info("Initializing VQA evaluator...")
317
+ vqa_evaluator = VQAEvaluator()
318
+
319
+ logger.info("Initializing Aesthetic evaluator...")
320
+ aesthetic_evaluator = AestheticEvaluator()
321
+
322
+ # Evaluate all results
323
+ evaluated_results = evaluate_results(results, vqa_evaluator, aesthetic_evaluator, args.results_dir)
324
+
325
+ # Save final results
326
+ results_file = f"{args.results_dir}/results_{datetime.now().strftime('%Y%m%d_%H%M%S')}.json"
327
+ with open(results_file, 'w') as f:
328
+ # Remove image data from results to avoid large JSON files
329
+ clean_results = []
330
+ for result in evaluated_results:
331
+ clean_result = {k: v for k, v in result.items() if k not in ['image', 'svg']}
332
+ clean_results.append(clean_result)
333
+ json.dump(clean_results, f, indent=2, cls=NumpyEncoder)
334
+
335
+ # Create a summary CSV
336
+ summary_data = []
337
+ for result in evaluated_results:
338
+ summary_data.append({
339
+ 'model': result['model_type'],
340
+ 'description': result['description'],
341
+ 'id': result['id'],
342
+ 'category': result['category'],
343
+ 'vqa_score': result.get('vqa_score', float('nan')),
344
+ 'aesthetic_score': result.get('aesthetic_score', float('nan')),
345
+ 'fidelity_score': result.get('fidelity_score', float('nan')),
346
+ 'generation_time': result.get('generation_time_seconds', float('nan')),
347
+ 'timestamp': result['timestamp']
348
+ })
349
+
350
+ summary_df = pd.DataFrame(summary_data)
351
+ summary_file = f"{args.results_dir}/summary_{datetime.now().strftime('%Y%m%d_%H%M%S')}.csv"
352
+ summary_df.to_csv(summary_file, index=False)
353
+
354
+ # Print summary
355
+ logger.info("\nEvaluation Summary:")
356
+ for result in evaluated_results:
357
+ logger.info(f"Model: {result['model_type']}")
358
+ logger.info(f"Description: {result['description']}")
359
+ logger.info(f"VQA Score: {result.get('vqa_score', 'N/A')}")
360
+ logger.info(f"Aesthetic Score: {result.get('aesthetic_score', 'N/A')}")
361
+ logger.info(f"Fidelity Score: {result.get('fidelity_score', 'N/A')}")
362
+ logger.info(f"Generation Time: {result.get('generation_time_seconds', 'N/A')} seconds")
363
+ logger.info("---")
364
+
365
+ logger.info(f"Results saved to: {results_file}")
366
+ logger.info(f"Summary saved to: {summary_file}")
367
+ logger.info(f"Log file: {log_file}")
368
+
369
+ if __name__ == "__main__":
370
+ main()
eval_analysis.py ADDED
File without changes
ml.py CHANGED
@@ -25,8 +25,8 @@ class MLModel:
25
  self.constraints = svg_constraints.SVGConstraints()
26
  self.timeout_seconds = 90
27
 
28
- def predict(self, description, simplify=True, color_precision=6,
29
- gradient_step=10, filter_speckle=4, path_precision=8):
30
  """
31
  Generate an SVG from a text description.
32
 
@@ -34,7 +34,6 @@ class MLModel:
34
  description (str): The text description to generate an image from.
35
  simplify (bool): Whether to simplify the SVG paths.
36
  color_precision (int): Color quantization precision.
37
- gradient_step (int): Gradient step for color quantization (not used by vtracer).
38
  filter_speckle (int): Filter speckle size.
39
  path_precision (int): Path fitting precision.
40
 
 
25
  self.constraints = svg_constraints.SVGConstraints()
26
  self.timeout_seconds = 90
27
 
28
+ def predict(self, description, simplify=True, color_precision=6,
29
+ filter_speckle=4, path_precision=8):
30
  """
31
  Generate an SVG from a text description.
32
 
 
34
  description (str): The text description to generate an image from.
35
  simplify (bool): Whether to simplify the SVG paths.
36
  color_precision (int): Color quantization precision.
 
37
  filter_speckle (int): Filter speckle size.
38
  path_precision (int): Path fitting precision.
39
 
requirements.txt CHANGED
@@ -1,28 +1,28 @@
1
- kagglehub
2
- polars
3
- grpcio
4
- numpy
5
- pandas
6
- pyarrow
7
- protobuf
8
- defusedxml
9
- keras
10
- cairosvg
11
- bitsandbytes
12
- opencv-python
13
- matplotlib
14
- transformers
15
- accelerate
16
- openai
17
- tqdm
18
- dotenv
19
- diffusers
20
- safetensors
21
- xformers
22
- unsloth
23
- tf-keras
24
- vtracer
25
- deepspeed
26
  torch==2.5.1
27
  torchvision==0.20.1
28
 
 
1
+ kagglehub==0.3.11
2
+ polars==1.27.1
3
+ grpcio==1.71.0
4
+ numpy==1.26.4
5
+ pandas==2.2.3
6
+ pyarrow==19.0.1
7
+ protobuf==3.20.3
8
+ defusedxml==0.7.1
9
+ keras==3.9.2
10
+ cairosvg==2.7.1
11
+ bitsandbytes==0.45.5
12
+ opencv-python==4.11.0.86
13
+ matplotlib==3.10.1
14
+ transformers==4.49.0
15
+ accelerate==1.6.0
16
+ openai==1.75.0
17
+ tqdm==4.67.1
18
+ python-dotenv==1.1.0
19
+ diffusers==0.33.1
20
+ safetensors==0.5.3
21
+ xformers==0.0.29.post1
22
+ unsloth==2025.3.19
23
+ tf_keras==2.19.0
24
+ vtracer==0.6.11
25
+ deepspeed==0.16.7
26
  torch==2.5.1
27
  torchvision==0.20.1
28
 
results/sample_svg/0_MLModel.svg ADDED
results/sample_svg/0_NaiveModel.svg ADDED
results/sample_svg/1_MLModel.svg ADDED
results/sample_svg/1_NaiveModel.svg ADDED
results/sample_svg/2_MLModel.svg ADDED
results/sample_svg/2_NaiveModel.svg ADDED
results/sample_svg/3_MLModel.svg ADDED
results/sample_svg/3_NaiveModel.svg ADDED
results/sample_svg/4_MLModel.svg ADDED
results/sample_svg/4_NaiveModel.svg ADDED
results/sample_svg/5_MLModel.svg ADDED
results/sample_svg/5_NaiveModel.svg ADDED
results/summary_20250421_230054.csv ADDED
@@ -0,0 +1,331 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ model,description,id,category,vqa_score,aesthetic_score,fidelity_score,generation_time,timestamp
2
+ MLModel,a purple forest at dusk,0,landscape,0.7965157047470643,0.4092556476593018,0.6697625248703778,1.829399,2025-04-21T22:17:01.077821
3
+ MLModel,gray wool coat with a faux fur collar,1,fashion,0.9997133342662794,0.5574348449707032,0.8628010638773217,1.423806,2025-04-21T22:17:02.987075
4
+ MLModel,a lighthouse overlooking the ocean,2,landscape,0.6023924871331942,0.4810472011566162,0.5734611050875327,1.538955,2025-04-21T22:17:04.659418
5
+ MLModel,burgundy corduroy pants with patch pockets and silver buttons,3,fashion,0.6826508174401045,0.5389467239379883,0.6480896514709603,1.365247,2025-04-21T22:17:06.470169
6
+ MLModel,orange corduroy overalls,4,fashion,0.9839363047480356,0.5193052768707276,0.8345917023390731,1.432364,2025-04-21T22:17:07.988716
7
+ MLModel,a purple silk scarf with tassel trim,5,fashion,0.8060851594621122,0.467965030670166,0.7043080172060463,1.478425,2025-04-21T22:17:09.724826
8
+ MLModel,a green lagoon under a cloudy sky,6,landscape,0.4998784426701023,0.5254996299743653,0.5048008426887317,1.449805,2025-04-21T22:17:11.523415
9
+ MLModel,crimson rectangles forming a chaotic grid,7,abstract,0.2566971593494377,0.4509098529815674,0.2808941024411687,1.609664,2025-04-21T22:17:13.361187
10
+ MLModel,purple pyramids spiraling around a bronze cone,8,abstract,0.6468521381523591,0.4969790935516357,0.6100573689357699,1.530329,2025-04-21T22:17:15.551838
11
+ MLModel,magenta trapezoids layered on a transluscent silver sheet,9,abstract,0.6140338651199525,0.4398252487182617,0.5689622690845557,1.642648,2025-04-21T22:17:17.360547
12
+ MLModel,a snowy plain,10,landscape,0.4944889519808084,0.5234058856964111,0.5000138680253938,1.473855,2025-04-21T22:17:19.207617
13
+ MLModel,black and white checkered pants,11,fashion,0.6736965771670621,0.5163840293884278,0.635006572777092,1.355961,2025-04-21T22:17:20.908803
14
+ MLModel,a starlit night over snow-covered peaks,12,landscape,0.7445561775474455,0.4793485641479492,0.670376747173093,1.3432,2025-04-21T22:17:22.432653
15
+ MLModel,khaki triangles and azure crescents,13,abstract,0.3159141906744145,0.4868715286254882,0.339775568149336,1.664099,2025-04-21T22:17:23.825105
16
+ MLModel,a maroon dodecahedron interwoven with teal threads,14,abstract,0.4916230094367899,0.4375280380249023,0.479759729109473,1.654378,2025-04-21T22:17:25.765334
17
+ MLModel,a bright coral beach at midday,15,landscapes,0.9258050661866246,0.5120710372924805,0.7970136842649892,1.476848,2025-04-21T22:17:27.767277
18
+ MLModel,a misty morning over a tranquil fjord,16,landscapes,0.48771226491878,0.5394378662109375,0.4972482906358094,1.398932,2025-04-21T22:17:29.494188
19
+ MLModel,an arctic tundra blanketed in snow,17,landscapes,0.5108447869701812,0.5101145744323731,0.5106985772663807,1.60675,2025-04-21T22:17:31.045046
20
+ MLModel,rolling hills covered in wildflowers,18,landscapes,0.9856371995497332,0.5807099342346191,0.865004236567631,1.831104,2025-04-21T22:17:33.284022
21
+ MLModel,a peaceful hillside dotted with grazing animals,19,landscapes,0.9346567407196412,0.5295841217041015,0.8106460320062813,2.144081,2025-04-21T22:17:35.752963
22
+ MLModel,a tranquil lake surrounded by mountains,20,landscapes,0.5619080761647006,0.5879013061523437,0.5669212009895581,1.593418,2025-04-21T22:17:38.672860
23
+ MLModel,a rocky outcrop with panoramic views,21,landscapes,0.406008345508197,0.5490071773529053,0.428321140407524,1.7068,2025-04-21T22:17:40.686232
24
+ MLModel,a tranquil beach with soft white sands,22,landscapes,0.9989070937000536,0.5151258945465088,0.8409510284767878,1.46384,2025-04-21T22:17:43.049115
25
+ MLModel,a hidden waterfall cascading into a serene pool,23,landscapes,0.5003422408284319,0.586453628540039,0.5154802561935218,1.872328,2025-04-21T22:17:44.671795
26
+ MLModel,a serene bay with anchored sailboats,24,landscapes,0.4899833181035631,0.5261821746826172,0.4968190808946113,1.482776,2025-04-21T22:17:47.236990
27
+ MLModel,a peaceful orchard in full bloom,25,landscapes,0.999659694438257,0.5543498992919922,0.8612854173748032,1.793312,2025-04-21T22:17:48.941509
28
+ MLModel,a shimmering ice field reflecting the sun,26,landscapes,0.4921922241291551,0.5381572723388672,0.500746162799868,1.549181,2025-04-21T22:17:51.467966
29
+ MLModel,a calm river reflecting the changing leaves,27,landscapes,0.7496930166368769,0.5365593910217286,0.6945173878432338,1.591871,2025-04-21T22:17:53.541554
30
+ MLModel,a vibrant autumn forest ablaze with colors,28,landscapes,0.9650772712513932,0.5326714038848877,0.8302784866507625,1.543527,2025-04-21T22:17:55.521401
31
+ MLModel,a tranquil forest path lined with ferns,29,landscapes,0.749695136744348,0.5957420349121094,0.7128517605027627,2.053267,2025-04-21T22:17:57.462012
32
+ MLModel,a lush jungle vibrant with life,30,landscapes,0.602151020198671,0.6093453407287598,0.6035762616176787,2.040032,2025-04-21T22:18:00.332108
33
+ MLModel,a sunlit plateau with sprawling grasslands,31,landscapes,0.5756892301571219,0.5026591300964356,0.5594334889484172,1.527175,2025-04-21T22:18:03.259477
34
+ MLModel,a quiet pond with lily pads and frogs,32,landscapes,0.7494573486730283,0.4936402797698974,0.6790745724638704,1.298217,2025-04-21T22:18:04.979403
35
+ MLModel,an endless field of sunflowers reaching for the sky,33,landscapes,0.7178093052898752,0.53455491065979,0.6717517505174974,2.004936,2025-04-21T22:18:06.358484
36
+ MLModel,a craggy shoreline kissed by foamy waves,34,landscapes,0.6310431623326558,0.5545944690704345,0.6141125562556226,1.676504,2025-04-21T22:18:09.217358
37
+ MLModel,a vibrant city skyline at twilight,35,landscapes,0.8317019034838442,0.4931281089782715,0.7312843050842186,1.334444,2025-04-21T22:18:11.363108
38
+ MLModel,a grassy hilltop with sweeping views,36,landscapes,0.9970132818702412,0.4843194961547851,0.8228102231186112,1.377738,2025-04-21T22:18:12.762958
39
+ MLModel,"a narrow canyon with steep, colorful walls",37,landscapes,0.7993972821454184,0.6199830055236817,0.755661727767254,2.083516,2025-04-21T22:18:14.325690
40
+ MLModel,a secluded glen with singing streams,38,landscapes,0.799513854778313,0.5227577209472656,0.7229641441163461,1.782296,2025-04-21T22:18:17.484778
41
+ MLModel,a winding path through golden autumn leaves,39,landscapes,0.8862751821788768,0.5467650413513183,0.7883687131858176,1.571161,2025-04-21T22:18:19.659730
42
+ MLModel,a deserted island surrounded by turquoise waters,40,landscapes,0.749188710846366,0.5594667434692383,0.7016042091963164,1.720477,2025-04-21T22:18:21.611826
43
+ MLModel,a rocky plateau under a blanket of stars,41,landscapes,0.9763211699827704,0.4818727493286133,0.8100774762666859,1.445125,2025-04-21T22:18:23.945155
44
+ MLModel,a golden desert at sunset,42,landscapes,0.9973329200554816,0.5241978645324707,0.8448267151232416,1.215144,2025-04-21T22:18:25.653542
45
+ MLModel,a sunlit glade filled with chirping birds,43,landscapes,0.6777510249313098,0.548927116394043,0.6473658615645661,1.268686,2025-04-21T22:18:26.877486
46
+ MLModel,a vibrant coral reef beneath crystal waters,44,landscapes,0.8584042756534643,0.5446880340576172,0.7697373363828697,1.885502,2025-04-21T22:18:28.206442
47
+ MLModel,a striking basalt cliff alongside a river,45,landscapes,0.749899595062659,0.5407636642456055,0.696060455734379,2.197084,2025-04-21T22:18:30.793738
48
+ MLModel,a verdant valley framed by majestic peaks,46,landscapes,0.8067087134096252,0.612983512878418,0.7587501556450922,1.872688,2025-04-21T22:18:33.805703
49
+ MLModel,a remote mountain lake surrounded by pines,47,landscapes,0.7685136381970724,0.5769622802734375,0.7206617291415169,1.765477,2025-04-21T22:18:36.101403
50
+ MLModel,a quaint village nestled in rolling hills,48,landscapes,0.7584694512017294,0.5542244911193848,0.7064040955189226,1.841277,2025-04-21T22:18:38.725099
51
+ MLModel,an ancient forest bathed in moonlight,49,landscapes,0.999299673252402,0.5757126808166504,0.8711134030021948,1.742943,2025-04-21T22:18:41.177220
52
+ MLModel,a colorful wildflower meadow in full bloom,50,landscapes,0.716224924639614,0.4994514465332031,0.6590190251616218,1.741367,2025-04-21T22:18:43.320953
53
+ MLModel,a sun-drenched vineyard on a gentle slope,51,landscapes,0.7982797441916072,0.5359933853149415,0.7271173162305855,2.192631,2025-04-21T22:18:45.599871
54
+ MLModel,a lush garden bursting with colors,52,landscapes,0.4164356718319395,0.5223935604095459,0.4340432017457414,1.834069,2025-04-21T22:18:48.787929
55
+ MLModel,a windswept dune under a vast sky,53,landscapes,0.998254117491189,0.5271728038787842,0.8468968161602023,1.401489,2025-04-21T22:18:51.014729
56
+ MLModel,a misty valley at dawn,54,landscapes,0.4787560191640252,0.5308065414428711,0.488333141169665,1.332922,2025-04-21T22:18:52.600084
57
+ MLModel,a rocky cliff overlooking a shimmering sea,55,landscapes,0.7993245497988682,0.5131641864776612,0.7191224096494534,1.777138,2025-04-21T22:18:54.084926
58
+ MLModel,a rugged coastline with crashing waves,56,landscapes,0.9443795420948872,0.5872947692871093,0.84199073010807,1.792933,2025-04-21T22:18:56.530363
59
+ MLModel,a colorful canyon painted by nature’s brush,57,landscapes,0.6586802504120073,0.5778868198394775,0.6407634287046543,1.96368,2025-04-21T22:18:58.981226
60
+ MLModel,a misty mountain range shrouded in clouds,58,landscapes,0.2517841234935153,0.5605006217956543,0.2829535557938664,1.656694,2025-04-21T22:19:01.999443
61
+ MLModel,an expansive savanna dotted with acacia trees,59,landscapes,0.7966357881076209,0.6092396736145019,0.7504684495120022,1.595233,2025-04-21T22:19:04.034932
62
+ MLModel,a secluded cove with clear blue waters,60,landscapes,0.8174811267523757,0.5310710906982422,0.7378912342817466,1.587093,2025-04-21T22:19:06.164022
63
+ MLModel,a foggy marsh with tall grasses swaying,61,landscapes,0.7203906175533646,0.4952664852142334,0.6603573320959123,2.250883,2025-04-21T22:19:08.251457
64
+ MLModel,a serene river winding through lush greenery,62,landscapes,0.6030013676708018,0.5633806228637696,0.5946375785043122,2.197623,2025-04-21T22:19:11.323483
65
+ MLModel,a dramatic volcanic landscape with black sands,63,landscapes,0.7421962768899122,0.5033412456512452,0.677861900620499,2.112703,2025-04-21T22:19:14.318192
66
+ MLModel,a dance of teal waves and coral stripes in motion,64,abstract,0.4924008157688988,0.4832625389099121,0.4905456164541611,1.590812,2025-04-21T22:19:17.190010
67
+ MLModel,intermingled shades of peach and plum creating warmth,65,abstract,0.3651188481383774,0.4196782112121582,0.3748655664562388,1.567401,2025-04-21T22:19:19.271805
68
+ MLModel,a burst of burnt orange triangles against pale blue,66,abstract,0.8071544603532105,0.396214485168457,0.6684879409967911,1.402959,2025-04-21T22:19:20.897564
69
+ MLModel,bright cyan squares floating in a sea of dark gray,67,abstract,0.2359032724151485,0.4908950328826904,0.2632521447118326,1.549369,2025-04-21T22:19:22.325661
70
+ MLModel,a chaotic arrangement of yellow and purple lines,68,abstract,0.5114926501608255,0.4403354167938232,0.4954789875742543,2.020928,2025-04-21T22:19:23.994721
71
+ MLModel,"bold, vibrant colors colliding in rhythmic patterns",69,abstract,0.796650009080502,0.4512372493743896,0.6908792590684405,1.403951,2025-04-21T22:19:26.664523
72
+ MLModel,sapphire spirals intertwining with silver rectangles,70,abstract,0.2012837193487618,0.4584836006164551,0.2267208693833062,1.398476,2025-04-21T22:19:28.155351
73
+ MLModel,layers of olive and gold squares forming depth,71,abstract,0.8790548347385231,0.4512436866760254,0.7389410816489446,1.419921,2025-04-21T22:19:29.603023
74
+ MLModel,crimson and cobalt circles spiraling inward,72,abstract,0.5006222334303475,0.4885879039764404,0.4981681735263363,1.617271,2025-04-21T22:19:31.077781
75
+ MLModel,layered translucent shapes in shades of teal and jade,73,abstract,0.4822205441525068,0.4520146369934082,0.4758606603126039,1.405863,2025-04-21T22:19:33.056481
76
+ MLModel,sharp angles of black and white creating an illusion,74,abstract,0.7886231978561641,0.478624963760376,0.6981826985084494,1.415724,2025-04-21T22:19:34.559338
77
+ MLModel,a cascade of fuchsia polygons on a cream backdrop,75,abstract,0.4998205386297964,0.4153335571289062,0.4802808327082449,1.252845,2025-04-21T22:19:36.054224
78
+ MLModel,golden circles overlapping with deep blue squares,76,abstract,0.6046190943510904,0.4721295356750488,0.5724886059899974,1.783366,2025-04-21T22:19:37.326845
79
+ MLModel,yellow triangles punctuated by black dots on white,77,abstract,0.8205664697641843,0.4732714653015136,0.7155498349778191,1.315305,2025-04-21T22:19:39.446647
80
+ MLModel,geometric clouds of gray juxtaposed with fiery reds,78,abstract,0.9768816927213316,0.3928453922271728,0.7529902375376589,1.321158,2025-04-21T22:19:40.790621
81
+ MLModel,a patchwork of deep reds and bright yellows,79,abstract,0.9995725123829972,0.5315467357635498,0.849904661076739,1.814075,2025-04-21T22:19:42.130612
82
+ MLModel,a mosaic of lavender hexagons on a charcoal background,80,abstract,0.6229101330823866,0.4969169616699219,0.5928468965958967,1.558307,2025-04-21T22:19:44.495863
83
+ MLModel,woven threads of silver and burgundy forming landscapes,81,abstract,0.6333037663215354,0.4548425197601318,0.5872233713258896,1.601541,2025-04-21T22:19:46.318163
84
+ MLModel,turquoise lines radiating from a central ruby star,82,abstract,0.4994816288407206,0.4589380741119385,0.4908097949248,1.387165,2025-04-21T22:19:48.322132
85
+ MLModel,a lattice of mauve and chartreuse intersecting forms,83,abstract,0.7107341928616467,0.4915008068084717,0.6525227812696691,1.501351,2025-04-21T22:19:49.822339
86
+ MLModel,chaotic lines of dark green tracing a golden background,84,abstract,0.3185616038455614,0.4725412845611572,0.3407698802763381,2.303861,2025-04-21T22:19:51.544694
87
+ MLModel,emerald diamonds scattered across a warm orange canvas,85,abstract,0.7981700304211278,0.4132186889648437,0.6728126213518784,1.807605,2025-04-21T22:19:54.827770
88
+ MLModel,diagonal lines of plum and mint creating tension,86,abstract,0.6667919420698942,0.4247862339019775,0.5985874782637131,1.624442,2025-04-21T22:19:56.731602
89
+ MLModel,bold black squares anchored by splashes of turquoise,87,abstract,0.440444449048791,0.5440447807312012,0.4578830258077379,1.519898,2025-04-21T22:19:58.592368
90
+ MLModel,a whirl of soft lavender and sharp black angles,88,abstract,0.6955153685704384,0.4577682018280029,0.6300686883865223,1.425875,2025-04-21T22:20:00.344354
91
+ MLModel,soft pink spirals weaving through a canvas of cream,89,abstract,0.6039091442502162,0.4710373401641846,0.5716580949512052,1.561956,2025-04-21T22:20:02.169680
92
+ MLModel,a balanced composition of red circles and blue lines,90,abstract,0.5230382903229532,0.4619735717773437,0.5095671413366175,1.395872,2025-04-21T22:20:03.930667
93
+ MLModel,pulsating layers of orange and purple creating depth,91,abstract,0.4905461872501699,0.3786486148834228,0.463171086368793,1.436611,2025-04-21T22:20:05.368910
94
+ MLModel,whispering curves of lavender on a deep black canvas,92,abstract,0.3254151480174029,0.5006539344787597,0.349910250715266,2.039899,2025-04-21T22:20:06.947266
95
+ MLModel,a field of intersecting lines in soft earth tones,93,abstract,0.5461657297463108,0.4731308460235596,0.529808929554361,1.632091,2025-04-21T22:20:09.805997
96
+ MLModel,a cluster of copper diamonds floating on deep azure,94,abstract,0.5623586037432114,0.4749195575714111,0.5423864817837901,2.067723,2025-04-21T22:20:11.541366
97
+ MLModel,a dynamic interplay of orange and teal shapes,95,abstract,0.894016983596141,0.4036755084991455,0.7192769655135478,1.32843,2025-04-21T22:20:14.479470
98
+ MLModel,gentle curves of olive green and burnt sienna,96,abstract,0.7898755211948234,0.4082659721374512,0.6654712376034385,1.869541,2025-04-21T22:20:15.820673
99
+ MLModel,a field of gray circles encircled by vibrant yellows,97,abstract,0.5148791766672555,0.4299836158752441,0.4953200708619028,1.454202,2025-04-21T22:20:17.964337
100
+ MLModel,violet waves flowing through a grid of muted greens,98,abstract,0.4099068978080892,0.477239179611206,0.4218092652275474,1.962871,2025-04-21T22:20:19.528668
101
+ MLModel,textured green rectangles layered over a soft beige,99,abstract,0.7946772588385786,0.4339783191680908,0.681407553360347,1.909195,2025-04-21T22:20:22.249698
102
+ MLModel,intersecting teal and amber shapes on a stark white,100,abstract,0.6852559670308422,0.4917362213134765,0.635255771767773,1.473935,2025-04-21T22:20:24.468505
103
+ MLModel,a swirl of pastel circles against a dark indigo field,101,abstract,0.4948216724829302,0.4771608352661133,0.4911856865377153,1.498418,2025-04-21T22:20:26.011669
104
+ MLModel,a burst of bright colors scattered across gentle curves,102,abstract,0.798585532374417,0.4610286235809326,0.6965807414438655,1.314074,2025-04-21T22:20:27.651233
105
+ MLModel,jagged navy triangles contrasting against a light canvas,103,abstract,0.983774214070456,0.3737651348114014,0.7416801407478515,1.38652,2025-04-21T22:20:28.992605
106
+ MLModel,golden rays emerging from a central violet orb,104,abstract,0.7833668391443372,0.4961996078491211,0.7021009954175955,1.84448,2025-04-21T22:20:30.454486
107
+ MLModel,cyan and magenta triangles creating visual tension,105,abstract,0.7785594989792202,0.4791991233825683,0.6920885969215805,1.598735,2025-04-21T22:20:33.135484
108
+ MLModel,pastel arcs dancing across a canvas of dark navy,106,abstract,0.2369637974953963,0.4450539588928223,0.2614087373797035,1.303286,2025-04-21T22:20:34.784356
109
+ MLModel,layered rectangles in shades of rose and steel gray,107,abstract,0.7997197333353409,0.5147279262542724,0.7199915218199079,1.37229,2025-04-21T22:20:36.105853
110
+ MLModel,a rhythmic pattern of orange and white stripes,108,abstract,0.6992577795059526,0.4701042652130127,0.6371424403695561,1.334297,2025-04-21T22:20:37.526106
111
+ MLModel,fractured shapes of green and gold evoking movement,109,abstract,0.8003168819980387,0.4836567401885986,0.7076537518143715,1.392584,2025-04-21T22:20:38.870584
112
+ MLModel,interlocking beige ovals on a vibrant cerulean base,110,abstract,0.5468220866075312,0.4437235832214355,0.5225398192839436,1.345612,2025-04-21T22:20:40.355272
113
+ MLModel,abstract black and white circles creating visual harmony,111,abstract,0.5001014721176633,0.4568141460418701,0.4907999143122023,1.411142,2025-04-21T22:20:41.724100
114
+ MLModel,crimson arcs and navy triangles creating dynamic tension,112,abstract,0.6223862288670755,0.4721275329589843,0.5851409866641923,1.341471,2025-04-21T22:20:43.245520
115
+ MLModel,overlapping shapes in muted tones of green and brown,113,abstract,0.3862458155885487,0.4915143013000488,0.4035307962054491,1.574098,2025-04-21T22:20:44.617911
116
+ MLModel,two-tone canvas slip-ons in navy and white,114,fashion,0.7815259832103868,0.5274321079254151,0.7128426585311002,1.586353,2025-04-21T22:20:46.306849
117
+ MLModel,soft ankle socks in pastel colors with a ribbed top,115,fashion,0.8952519476075562,0.4621811866760253,0.7539579479246987,1.931708,2025-04-21T22:20:48.198508
118
+ MLModel,luxe velvet dress in deep emerald with a wrap design,116,fashion,0.7996354824918442,0.5394680976867676,0.7292927881715027,2.151199,2025-04-21T22:20:50.547056
119
+ MLModel,soft merino wool pullover in muted lavender,117,fashion,0.996076293247532,0.5228052139282227,0.8433815315695463,1.483023,2025-04-21T22:20:53.369280
120
+ MLModel,high-waisted shorts in a lightweight chambray fabric,118,fashion,0.398556805838009,0.5126609802246094,0.4171249022703928,1.780634,2025-04-21T22:20:54.987278
121
+ MLModel,classic trench coat in beige with a tie belt,119,fashion,0.9995614563055496,0.584354019165039,0.875189821664002,1.547682,2025-04-21T22:20:57.363488
122
+ MLModel,soft fleece hoodie in light gray with a kangaroo pocket,120,fashion,0.8607073234230955,0.5403383255004883,0.7694636400933067,1.582712,2025-04-21T22:20:59.120229
123
+ MLModel,graphic tee in soft cotton with a vintage design,121,fashion,0.7584686189683327,0.4610120296478271,0.6717788831257466,1.394613,2025-04-21T22:21:01.017047
124
+ MLModel,satin camisole in blush pink with delicate lace trim,122,fashion,0.7506039329969993,0.5504155635833741,0.6997067008751243,1.398434,2025-04-21T22:21:02.513289
125
+ MLModel,plaid wool skirt with a high waist and pleats,123,fashion,0.9671404995493966,0.4943700790405273,0.8118622993059318,1.603063,2025-04-21T22:21:04.057394
126
+ MLModel,chevron knit blanket scarf in shades of gray,124,fashion,0.9834606948890864,0.5108158111572265,0.8298861783229239,1.686571,2025-04-21T22:21:06.035570
127
+ MLModel,classic white button-up shirt with a tailored fit,125,fashion,0.8003642949018965,0.5337803840637207,0.7276798208139712,1.414849,2025-04-21T22:21:08.212683
128
+ MLModel,cotton twill chinos in olive green with a slim fit,126,fashion,0.5656174465059169,0.5433588981628418,0.5610210319433819,1.388954,2025-04-21T22:21:09.729748
129
+ MLModel,floral print wrap dress with flutter sleeves,127,fashion,0.8060634547084571,0.5283945083618165,0.729403771981859,1.55831,2025-04-21T22:21:11.176484
130
+ MLModel,denim overalls with a relaxed fit and side buttons,128,fashion,0.7453162833759371,0.4817522048950195,0.671807787277349,1.495004,2025-04-21T22:21:13.091826
131
+ MLModel,chunky heeled sandals in tan leather with ankle strap,129,fashion,0.9000321706863139,0.4963894367218017,0.7741336693714327,1.525838,2025-04-21T22:21:14.756106
132
+ MLModel,sleek pencil skirt in faux leather with a back slit,130,fashion,0.6487865136162544,0.5293108940124511,0.6207628955816973,1.663692,2025-04-21T22:21:16.477780
133
+ MLModel,fitted turtleneck in soft cotton in rich burgundy,131,fashion,0.7997387833932253,0.486254358291626,0.7083989218671217,1.60523,2025-04-21T22:21:18.328301
134
+ MLModel,knitted cardigan in soft beige with patch pockets,132,fashion,0.7560348577620504,0.5373658180236817,0.6991353489801566,1.665825,2025-04-21T22:21:20.435279
135
+ MLModel,sleek black leather ankle boots with a pointed toe,133,fashion,0.7570445549027804,0.4718713760375976,0.675408575184895,1.487978,2025-04-21T22:21:22.486633
136
+ MLModel,canvas sneakers in bright yellow with white soles,134,fashion,0.9994862130527068,0.5043507575988769,0.8354493454764741,1.52648,2025-04-21T22:21:24.122932
137
+ MLModel,elegant silk blouse featuring ruffled cuffs,135,fashion,0.6366397837358715,0.5529499530792237,0.6179347089419481,1.475663,2025-04-21T22:21:25.857004
138
+ MLModel,cropped bomber jacket in olive green with ribbed cuffs,136,fashion,0.9997212991802245,0.5427215576171875,0.8556251374547119,1.54267,2025-04-21T22:21:27.485031
139
+ MLModel,vibrant floral maxi dress with a cinched waist,137,fashion,0.997580808925976,0.5252646923065185,0.845522629262819,1.680116,2025-04-21T22:21:29.212004
140
+ MLModel,soft flannel shirt in checkered red and black,138,fashion,0.7742758231640393,0.5546003341674804,0.7174406180992836,1.725204,2025-04-21T22:21:31.333903
141
+ MLModel,chunky knit scarf in cream with fringed edges,139,fashion,0.6402081594145197,0.5115128993988037,0.6095366075197206,1.711998,2025-04-21T22:21:33.512224
142
+ MLModel,tailored trousers in classic black with a straight cut,140,fashion,0.6146013769751686,0.5222549438476562,0.5936087002056256,1.305126,2025-04-21T22:21:35.817369
143
+ MLModel,lightweight denim jacket with frayed hem and pockets,141,fashion,0.757130174980531,0.5325469493865966,0.6982385882174654,1.662164,2025-04-21T22:21:37.143842
144
+ MLModel,leather crossbody bag with an adjustable strap,142,fashion,0.6837115650373358,0.5133140563964844,0.6411452083156993,1.459114,2025-04-21T22:21:39.304525
145
+ MLModel,striped linen shirt with rolled-up sleeves,143,fashion,0.2517535342126209,0.5010900497436523,0.2795763110832354,1.650067,2025-04-21T22:21:40.922030
146
+ MLModel,flowy midi skirt with a watercolor print,144,fashion,0.5943142129805884,0.5308764457702637,0.5804420776855787,1.413542,2025-04-21T22:21:42.917299
147
+ MLModel,soft jersey t-shirt in pastel pink with a crew neck,145,fashion,0.661423741503793,0.5387723922729493,0.632620570574841,1.488092,2025-04-21T22:21:44.469434
148
+ MLModel,ribbed knit beanie in charcoal gray,146,fashion,0.7994161474467395,0.5128900527954101,0.7190739916670527,1.488463,2025-04-21T22:21:46.123245
149
+ MLModel,soft cashmere sweater in a rich navy blue,147,fashion,0.9964321350809672,0.5372689247131348,0.8509786813900546,1.695705,2025-04-21T22:21:47.858175
150
+ MLModel,vintage-inspired high-waisted jeans in dark wash,148,fashion,0.4905090289899447,0.5057005405426025,0.4934738721843695,1.799736,2025-04-21T22:21:49.921087
151
+ MLModel,cotton sundress in bright yellow with a flared skirt,149,fashion,0.7201936776096841,0.529210090637207,0.6717116467570997,1.748448,2025-04-21T22:21:52.537877
152
+ MLModel,distressed denim jacket with a faded finish,150,fashion,0.9141268903928048,0.5139313220977784,0.7909458334338313,1.518061,2025-04-21T22:21:54.866558
153
+ MLModel,lightweight parka in navy with a hood and drawstrings,151,fashion,0.9991829313358518,0.5805713653564453,0.8732538294669566,1.480977,2025-04-21T22:21:56.685590
154
+ MLModel,pleated satin trousers in metallic gold,152,fashion,0.6763498555060669,0.5131391525268555,0.6358986576478739,1.61062,2025-04-21T22:21:58.337647
155
+ MLModel,distressed boyfriend jeans with a relaxed silhouette,153,fashion,0.7549409401064644,0.542518138885498,0.7001149813570835,1.567043,2025-04-21T22:22:00.225930
156
+ MLModel,wool beanie in forest green with a cuffed edge,154,fashion,0.45888150092495,0.5092458724975586,0.4681413280808676,1.912742,2025-04-21T22:22:02.053786
157
+ MLModel,mesh-paneled leggings for active wear,155,fashion,0.6322830577413302,0.5523987770080566,0.6145097844547351,1.38516,2025-04-21T22:22:04.576158
158
+ MLModel,canvas tote bag with a bold graphic print,156,fashion,0.4031183226787611,0.4252194404602051,0.4073528198790807,1.522948,2025-04-21T22:22:06.070792
159
+ MLModel,long-sleeve wrap top in crisp white with a tie detail,157,fashion,0.9984144445505062,0.5160154819488525,0.8411449561564687,1.654551,2025-04-21T22:22:07.755386
160
+ MLModel,midi dress in a bold animal print with a flowy hem,158,fashion,0.7444889581136558,0.5188425540924072,0.6849146156244938,1.797662,2025-04-21T22:22:09.842388
161
+ MLModel,tailored shorts in crisp white with a hidden zipper,159,fashion,0.9991227589713294,0.5614459991455079,0.8643599307124218,1.632104,2025-04-21T22:22:12.297968
162
+ MLModel,fitted blazer in a rich burgundy hue,160,fashion,0.9989148982508916,0.5478133201599121,0.8576646375400976,1.513534,2025-04-21T22:22:14.265886
163
+ MLModel,quilted puffer vest in bright red with zip pockets,161,fashion,0.9702933315026152,0.5318873405456543,0.8329776406886654,1.397108,2025-04-21T22:22:15.991786
164
+ MLModel,polka dot silk scarf in navy with white spots,162,fashion,0.9995412057260108,0.5349627494812011,0.851625532823067,1.868642,2025-04-21T22:22:17.493830
165
+ MLModel,sheer kimono in floral chiffon with wide sleeves,163,fashion,0.6117134490616422,0.5517788887023926,0.5987070635785217,1.414336,2025-04-21T22:22:20.171633
166
+ MLModel,a peaceful meadow under a bright blue sky,164,landscapes,0.7913804567051971,0.526026725769043,0.7188552715866069,1.592652,2025-04-21T22:22:21.757659
167
+ NaiveModel,a purple forest at dusk,0,landscape,0.4399993822209493,0.4627912521362304,0.4443763744275328,9.823792,2025-04-21T22:22:40.822110
168
+ NaiveModel,gray wool coat with a faux fur collar,1,fashion,0.7372397662193652,0.4389733791351318,0.6490399724074383,5.962406,2025-04-21T22:22:50.651783
169
+ NaiveModel,a lighthouse overlooking the ocean,2,landscape,0.4179195056483678,0.4005299568176269,0.4143218372602527,8.388394,2025-04-21T22:22:56.621403
170
+ NaiveModel,burgundy corduroy pants with patch pockets and silver buttons,3,fashion,0.5971077721622011,0.4482205867767334,0.5599102562175731,11.327359,2025-04-21T22:23:05.015272
171
+ NaiveModel,orange corduroy overalls,4,fashion,0.5057827820316063,0.4690942764282226,0.4979930385605114,8.680427,2025-04-21T22:23:16.349772
172
+ NaiveModel,a purple silk scarf with tassel trim,5,fashion,0.3134465263316084,0.4759210109710693,0.3364163340244401,9.784589,2025-04-21T22:23:25.037054
173
+ NaiveModel,a green lagoon under a cloudy sky,6,landscape,0.9996028926267004,0.3862312793731689,0.7586434547958034,4.54294,2025-04-21T22:23:34.828685
174
+ NaiveModel,crimson rectangles forming a chaotic grid,7,abstract,0.9852451013194788,0.4685370922088623,0.8072059331873669,11.104569,2025-04-21T22:23:39.379581
175
+ NaiveModel,purple pyramids spiraling around a bronze cone,8,abstract,0.4699118250260179,0.4540752410888672,0.466656748291845,12.538891,2025-04-21T22:23:50.490587
176
+ NaiveModel,magenta trapezoids layered on a transluscent silver sheet,9,abstract,0.4286846551250167,0.36848464012146,0.4151208436154241,5.194887,2025-04-21T22:24:03.038814
177
+ NaiveModel,a snowy plain,10,landscape,0.7602533770503631,0.428432035446167,0.6582848321718376,1.510135,2025-04-21T22:24:08.240867
178
+ NaiveModel,black and white checkered pants,11,fashion,0.4999881211088467,0.4406914234161377,0.4868856597302517,9.444641,2025-04-21T22:24:09.755775
179
+ NaiveModel,a starlit night over snow-covered peaks,12,landscape,0.5319350257013434,0.4604918003082275,0.5159262981705753,11.034441,2025-04-21T22:24:19.207839
180
+ NaiveModel,khaki triangles and azure crescents,13,abstract,0.4794267029006353,0.4722748279571533,0.4779790515755545,6.807018,2025-04-21T22:24:30.249364
181
+ NaiveModel,a maroon dodecahedron interwoven with teal threads,14,abstract,0.2867751993844226,0.487379789352417,0.3125000871259333,11.2884,2025-04-21T22:24:37.062443
182
+ NaiveModel,a bright coral beach at midday,15,landscapes,0.7495030833999083,0.4529492378234863,0.6627237062699675,6.538762,2025-04-21T22:24:48.364774
183
+ NaiveModel,a misty morning over a tranquil fjord,16,landscapes,0.2009581780214628,0.439545726776123,0.2254312083000662,10.513286,2025-04-21T22:24:54.909467
184
+ NaiveModel,an arctic tundra blanketed in snow,17,landscapes,0.4927542112265231,0.4428635120391845,0.4818966180595884,6.775146,2025-04-21T22:25:05.429750
185
+ NaiveModel,rolling hills covered in wildflowers,18,landscapes,0.7136233905961682,0.4405505657196045,0.6349138276289197,8.781355,2025-04-21T22:25:12.211293
186
+ NaiveModel,a peaceful hillside dotted with grazing animals,19,landscapes,0.598710603194773,0.4306367397308349,0.5553601341137164,12.09014,2025-04-21T22:25:21.002320
187
+ NaiveModel,a tranquil lake surrounded by mountains,20,landscapes,0.9995843313505852,0.4149554729461669,0.7798413520973118,7.327039,2025-04-21T22:25:33.101189
188
+ NaiveModel,a rocky outcrop with panoramic views,21,landscapes,0.6016519116854182,0.4421175003051757,0.5611543393606089,9.263827,2025-04-21T22:25:40.435342
189
+ NaiveModel,a tranquil beach with soft white sands,22,landscapes,0.5778890618981017,0.4500412464141846,0.5468208638343575,4.969627,2025-04-21T22:25:49.704637
190
+ NaiveModel,a hidden waterfall cascading into a serene pool,23,landscapes,0.0847522475050176,0.436305570602417,0.1010338589500421,10.495758,2025-04-21T22:25:54.679280
191
+ NaiveModel,a serene bay with anchored sailboats,24,landscapes,0.1397174643699151,0.4378464698791504,0.1617436687228034,10.559721,2025-04-21T22:26:05.182145
192
+ NaiveModel,a peaceful orchard in full bloom,25,landscapes,0.5179564257904692,0.4537051677703857,0.5036904455554748,11.27546,2025-04-21T22:26:15.749360
193
+ NaiveModel,a shimmering ice field reflecting the sun,26,landscapes,0.9947869971659212,0.4190728664398193,0.7803743772147246,9.50521,2025-04-21T22:26:27.031124
194
+ NaiveModel,a calm river reflecting the changing leaves,27,landscapes,0.7494047195083946,0.4906927585601807,0.6779196897274679,6.21767,2025-04-21T22:26:36.542184
195
+ NaiveModel,a vibrant autumn forest ablaze with colors,28,landscapes,0.7541875928699792,0.4537051677703857,0.6659745185620669,10.947868,2025-04-21T22:26:42.766565
196
+ NaiveModel,a tranquil forest path lined with ferns,29,landscapes,0.5033544556364775,0.4835768699645996,0.4992705686443089,11.10621,2025-04-21T22:26:53.720767
197
+ NaiveModel,a lush jungle vibrant with life,30,landscapes,0.6002696477166503,0.4537051677703857,0.5638411100092495,10.915295,2025-04-21T22:27:04.834515
198
+ NaiveModel,a sunlit plateau with sprawling grasslands,31,landscapes,0.7998109754276183,0.4308748722076416,0.6828696997635542,10.571023,2025-04-21T22:27:15.756289
199
+ NaiveModel,a quiet pond with lily pads and frogs,32,landscapes,0.7441393020525987,0.4440223693847656,0.655524805377502,8.806513,2025-04-21T22:27:26.335185
200
+ NaiveModel,an endless field of sunflowers reaching for the sky,33,landscapes,0.7804392592023746,0.4537051677703857,0.6821847031566354,12.564014,2025-04-21T22:27:35.150091
201
+ NaiveModel,a craggy shoreline kissed by foamy waves,34,landscapes,0.232305326869077,0.4761309146881103,0.2588128215064499,11.248454,2025-04-21T22:27:47.720515
202
+ NaiveModel,a vibrant city skyline at twilight,35,landscapes,0.400071159901926,0.4604918003082275,0.4108526684204203,11.58329,2025-04-21T22:27:58.975934
203
+ NaiveModel,a grassy hilltop with sweeping views,36,landscapes,0.6697865668071739,0.438715124130249,0.6059551949681251,5.886572,2025-04-21T22:28:10.565650
204
+ NaiveModel,"a narrow canyon with steep, colorful walls",37,landscapes,0.7545057352494468,0.5106155395507812,0.6887142930750414,8.090785,2025-04-21T22:28:16.458156
205
+ NaiveModel,a secluded glen with singing streams,38,landscapes,0.2322915245846132,0.4368110179901123,0.2562911662244773,8.553318,2025-04-21T22:28:24.556936
206
+ NaiveModel,a winding path through golden autumn leaves,39,landscapes,0.598991149101726,0.4598474979400634,0.5648103501680241,9.695354,2025-04-21T22:28:33.118193
207
+ NaiveModel,a deserted island surrounded by turquoise waters,40,landscapes,0.919232428356512,0.4494212627410888,0.760278149500159,3.083575,2025-04-21T22:28:42.820507
208
+ NaiveModel,a rocky plateau under a blanket of stars,41,landscapes,0.8398381742800205,0.4581870555877685,0.7199074662817818,9.149438,2025-04-21T22:28:45.913600
209
+ NaiveModel,a golden desert at sunset,42,landscapes,0.7717522609375914,0.4805440425872803,0.6883274014255973,9.306898,2025-04-21T22:28:55.070463
210
+ NaiveModel,a sunlit glade filled with chirping birds,43,landscapes,0.5052136824964372,0.4537051677703857,0.493997121687957,10.920671,2025-04-21T22:29:04.383149
211
+ NaiveModel,a vibrant coral reef beneath crystal waters,44,landscapes,0.7817428080072267,0.3448165893554687,0.6236852048628264,9.638325,2025-04-21T22:29:15.310038
212
+ NaiveModel,a striking basalt cliff alongside a river,45,landscapes,0.4605033576678419,0.4453408241271973,0.4573888113172774,4.181302,2025-04-21T22:29:24.954621
213
+ NaiveModel,a verdant valley framed by majestic peaks,46,landscapes,0.9993658312550052,0.4820955753326416,0.8227993385503145,9.994774,2025-04-21T22:29:29.142792
214
+ NaiveModel,a remote mountain lake surrounded by pines,47,landscapes,0.5999325577260952,0.4309859275817871,0.5563172476792364,9.639198,2025-04-21T22:29:39.144591
215
+ NaiveModel,a quaint village nestled in rolling hills,48,landscapes,0.2329547425192645,0.4537051677703857,0.2580672905720647,10.981454,2025-04-21T22:29:48.789854
216
+ NaiveModel,an ancient forest bathed in moonlight,49,landscapes,0.9897088513649186,0.4479625225067138,0.7969496295893995,10.946266,2025-04-21T22:29:59.777540
217
+ NaiveModel,a colorful wildflower meadow in full bloom,50,landscapes,0.7913808201966782,0.4537051677703857,0.6888446058357142,11.004021,2025-04-21T22:30:10.732753
218
+ NaiveModel,a sun-drenched vineyard on a gentle slope,51,landscapes,0.1590752358628746,0.4537051677703857,0.1828193075464732,10.898518,2025-04-21T22:30:21.743142
219
+ NaiveModel,a lush garden bursting with colors,52,landscapes,0.2218490834829227,0.4191602230072021,0.2449059845090309,11.100425,2025-04-21T22:30:32.648165
220
+ NaiveModel,a windswept dune under a vast sky,53,landscapes,0.9955192784408852,0.4406146049499512,0.7952209582225757,5.637638,2025-04-21T22:30:43.757281
221
+ NaiveModel,a misty valley at dawn,54,landscapes,0.2176930764174108,0.4193029403686523,0.2408546994403725,10.285705,2025-04-21T22:30:49.402338
222
+ NaiveModel,a rocky cliff overlooking a shimmering sea,55,landscapes,0.775575131502431,0.454547643661499,0.6795830627091989,7.260237,2025-04-21T22:30:59.695531
223
+ NaiveModel,a rugged coastline with crashing waves,56,landscapes,0.3637240975229331,0.4537051677703857,0.3787471000526756,10.921285,2025-04-21T22:31:06.962401
224
+ NaiveModel,a colorful canyon painted by nature’s brush,57,landscapes,0.9876846712589494,0.4617440700531006,0.8044304907072676,10.180487,2025-04-21T22:31:17.890001
225
+ NaiveModel,a misty mountain range shrouded in clouds,58,landscapes,0.7423540742069072,0.4904676914215088,0.6732071306024014,10.917505,2025-04-21T22:31:28.077301
226
+ NaiveModel,an expansive savanna dotted with acacia trees,59,landscapes,0.0506719797082425,0.4742478370666504,0.0616920707787481,10.657809,2025-04-21T22:31:39.003215
227
+ NaiveModel,a secluded cove with clear blue waters,60,landscapes,0.6304394282307576,0.4076900482177734,0.5683352289979133,8.499501,2025-04-21T22:31:49.667931
228
+ NaiveModel,a foggy marsh with tall grasses swaying,61,landscapes,0.2853525775517012,0.4282208919525146,0.3057544914392905,11.226306,2025-04-21T22:31:58.174205
229
+ NaiveModel,a serene river winding through lush greenery,62,landscapes,0.0093137301945222,0.4417394638061523,0.0115811180450556,6.410678,2025-04-21T22:32:09.405899
230
+ NaiveModel,a dramatic volcanic landscape with black sands,63,landscapes,0.3529254857452534,0.3908100128173828,0.3599031788833893,9.586743,2025-04-21T22:32:15.823024
231
+ NaiveModel,a dance of teal waves and coral stripes in motion,64,abstract,0.3394140946494982,0.4537051677703857,0.3574214175870618,10.813749,2025-04-21T22:32:25.416236
232
+ NaiveModel,intermingled shades of peach and plum creating warmth,65,abstract,0.2501457520395125,0.4604918003082275,0.2752960052084033,7.573405,2025-04-21T22:32:36.236363
233
+ NaiveModel,a burst of burnt orange triangles against pale blue,66,abstract,0.6007100968334238,0.430376386642456,0.5566482200505858,7.51848,2025-04-21T22:32:43.817243
234
+ NaiveModel,bright cyan squares floating in a sea of dark gray,67,abstract,0.6894113176294854,0.3840909004211426,0.5948413998447808,5.979353,2025-04-21T22:32:51.341905
235
+ NaiveModel,a chaotic arrangement of yellow and purple lines,68,abstract,0.7491401782845312,0.4302289962768554,0.6524180133042484,7.366826,2025-04-21T22:32:57.326258
236
+ NaiveModel,"bold, vibrant colors colliding in rhythmic patterns",69,abstract,0.7571193504801189,0.4572650909423828,0.6693352491011564,9.498099,2025-04-21T22:33:04.703296
237
+ NaiveModel,sapphire spirals intertwining with silver rectangles,70,abstract,0.06072340598906,0.4604918003082275,0.073481811595151,11.378588,2025-04-21T22:33:14.210171
238
+ NaiveModel,layers of olive and gold squares forming depth,71,abstract,0.5991033464853098,0.4559478282928467,0.563705625137781,8.187945,2025-04-21T22:33:25.595736
239
+ NaiveModel,crimson and cobalt circles spiraling inward,72,abstract,0.5342003238928574,0.5140580654144287,0.5300465771159176,5.605344,2025-04-21T22:33:33.790119
240
+ NaiveModel,layered translucent shapes in shades of teal and jade,73,abstract,0.4650362510440876,0.5030232906341553,0.4721676307703058,7.023157,2025-04-21T22:33:39.405343
241
+ NaiveModel,sharp angles of black and white creating an illusion,74,abstract,0.7628493302258893,0.4439746856689453,0.6670330845642014,8.876788,2025-04-21T22:33:46.436289
242
+ NaiveModel,a cascade of fuchsia polygons on a cream backdrop,75,abstract,0.7487105999221267,0.4853578567504882,0.675415216868829,4.789213,2025-04-21T22:33:55.321366
243
+ NaiveModel,golden circles overlapping with deep blue squares,76,abstract,0.7987320406717042,0.4615931034088135,0.6969274896599624,6.519999,2025-04-21T22:34:00.116352
244
+ NaiveModel,yellow triangles punctuated by black dots on white,77,abstract,0.799613885286048,0.409304141998291,0.671538872978426,6.141374,2025-04-21T22:34:06.644985
245
+ NaiveModel,geometric clouds of gray juxtaposed with fiery reds,78,abstract,0.997287995474464,0.4609455108642578,0.8090181133402405,6.12424,2025-04-21T22:34:12.795004
246
+ NaiveModel,a patchwork of deep reds and bright yellows,79,abstract,0.2188493902369288,0.4604918003082275,0.2445107199828076,10.04274,2025-04-21T22:34:18.925846
247
+ NaiveModel,a mosaic of lavender hexagons on a charcoal background,80,abstract,0.5836148084917937,0.4566997051239013,0.5528858361461283,10.771007,2025-04-21T22:34:28.976727
248
+ NaiveModel,woven threads of silver and burgundy forming landscapes,81,abstract,0.5464615836811172,0.4537051677703857,0.5249953579332524,11.362086,2025-04-21T22:34:39.753320
249
+ NaiveModel,turquoise lines radiating from a central ruby star,82,abstract,0.5299195990176067,0.4423495292663574,0.5097374832865199,10.827779,2025-04-21T22:34:51.121880
250
+ NaiveModel,a lattice of mauve and chartreuse intersecting forms,83,abstract,0.4711513107403031,0.4604918003082275,0.4689801110002439,8.833319,2025-04-21T22:35:01.957219
251
+ NaiveModel,chaotic lines of dark green tracing a golden background,84,abstract,0.6017004023221227,0.3931012630462646,0.5439689865041244,4.571919,2025-04-21T22:35:10.798190
252
+ NaiveModel,emerald diamonds scattered across a warm orange canvas,85,abstract,0.9986334656119886,0.4659011840820312,0.8127634411720122,4.939709,2025-04-21T22:35:15.376666
253
+ NaiveModel,diagonal lines of plum and mint creating tension,86,abstract,0.9989069459002904,0.509278392791748,0.8378100890570159,8.970574,2025-04-21T22:35:20.322169
254
+ NaiveModel,bold black squares anchored by splashes of turquoise,87,abstract,0.2512913000817049,0.4623942375183105,0.2765419704155533,4.730518,2025-04-21T22:35:29.302871
255
+ NaiveModel,a whirl of soft lavender and sharp black angles,88,abstract,0.2753941327302091,0.4604918003082275,0.2994688198492101,8.786105,2025-04-21T22:35:34.039646
256
+ NaiveModel,soft pink spirals weaving through a canvas of cream,89,abstract,0.3445703931864866,0.4604918003082275,0.3628381261230774,7.775123,2025-04-21T22:35:42.834280
257
+ NaiveModel,a balanced composition of red circles and blue lines,90,abstract,0.9995087875933052,0.4470478057861328,0.8014280744635797,9.757732,2025-04-21T22:35:50.614683
258
+ NaiveModel,pulsating layers of orange and purple creating depth,91,abstract,0.5855279890989806,0.4295854568481445,0.5458952300471328,9.285778,2025-04-21T22:36:00.379830
259
+ NaiveModel,whispering curves of lavender on a deep black canvas,92,abstract,0.9991837576852486,0.4830352306365967,0.8232471825736083,8.989074,2025-04-21T22:36:09.696649
260
+ NaiveModel,a field of intersecting lines in soft earth tones,93,abstract,0.5310197317760585,0.4448193073272705,0.5112066397620009,6.649866,2025-04-21T22:36:18.690964
261
+ NaiveModel,a cluster of copper diamonds floating on deep azure,94,abstract,0.7212064185934324,0.4443009376525879,0.6412731823859112,9.652403,2025-04-21T22:36:25.348947
262
+ NaiveModel,a dynamic interplay of orange and teal shapes,95,abstract,0.6440285613527369,0.4963380813598633,0.6078539288249455,5.890691,2025-04-21T22:36:35.007143
263
+ NaiveModel,gentle curves of olive green and burnt sienna,96,abstract,0.1766516084007862,0.4604918003082275,0.2014907836774379,10.951397,2025-04-21T22:36:40.906452
264
+ NaiveModel,a field of gray circles encircled by vibrant yellows,97,abstract,0.4973323128879114,0.4158283233642578,0.4785719166894987,7.418383,2025-04-21T22:36:51.865147
265
+ NaiveModel,violet waves flowing through a grid of muted greens,98,abstract,0.3655942449194086,0.4537051677703857,0.3803679680637797,11.775769,2025-04-21T22:36:59.291583
266
+ NaiveModel,textured green rectangles layered over a soft beige,99,abstract,0.4005012119848694,0.3931859493255615,0.3990164639950094,6.28317,2025-04-21T22:37:11.073726
267
+ NaiveModel,intersecting teal and amber shapes on a stark white,100,abstract,0.2258126951862512,0.4604918003082275,0.2514409167021202,7.44228,2025-04-21T22:37:17.363645
268
+ NaiveModel,a swirl of pastel circles against a dark indigo field,101,abstract,0.9565954915167572,0.4958945274353027,0.8067048643139331,9.043714,2025-04-21T22:37:24.812396
269
+ NaiveModel,a burst of bright colors scattered across gentle curves,102,abstract,0.220008423061045,0.4604918003082275,0.2456674890447486,10.80961,2025-04-21T22:37:33.863410
270
+ NaiveModel,jagged navy triangles contrasting against a light canvas,103,abstract,0.734289067083604,0.4221218585968017,0.6396782071240855,2.907529,2025-04-21T22:37:44.681689
271
+ NaiveModel,golden rays emerging from a central violet orb,104,abstract,0.6010190387636972,0.4550121784210205,0.5647735009148122,10.181008,2025-04-21T22:37:47.595468
272
+ NaiveModel,cyan and magenta triangles creating visual tension,105,abstract,0.5077973187709818,0.5015496253967285,0.5065353588590924,3.126426,2025-04-21T22:37:57.784326
273
+ NaiveModel,pastel arcs dancing across a canvas of dark navy,106,abstract,0.7865401300088277,0.4471713542938232,0.6828881756145077,8.84715,2025-04-21T22:38:00.917103
274
+ NaiveModel,layered rectangles in shades of rose and steel gray,107,abstract,0.799647603110216,0.4782183647155761,0.7048906909316591,6.382004,2025-04-21T22:38:09.771016
275
+ NaiveModel,a rhythmic pattern of orange and white stripes,108,abstract,0.998785428169768,0.3960954666137695,0.765754469408829,6.418601,2025-04-21T22:38:16.158941
276
+ NaiveModel,fractured shapes of green and gold evoking movement,109,abstract,0.3732769692803245,0.4537051677703857,0.3869975609135578,10.839756,2025-04-21T22:38:22.582567
277
+ NaiveModel,interlocking beige ovals on a vibrant cerulean base,110,abstract,0.3009397296864753,0.4388002872467041,0.3211171987290497,4.994648,2025-04-21T22:38:33.428675
278
+ NaiveModel,abstract black and white circles creating visual harmony,111,abstract,0.7451110759584131,0.4951837539672851,0.676793346517071,4.396606,2025-04-21T22:38:38.429293
279
+ NaiveModel,crimson arcs and navy triangles creating dynamic tension,112,abstract,0.7315433965936304,0.4573458194732666,0.6532172856187506,7.072348,2025-04-21T22:38:42.833783
280
+ NaiveModel,overlapping shapes in muted tones of green and brown,113,abstract,0.2247927779191816,0.4604918003082275,0.2504287678406654,3.508115,2025-04-21T22:38:49.913713
281
+ NaiveModel,two-tone canvas slip-ons in navy and white,114,fashion,0.4608829522075179,0.4537051677703857,0.4594292837913674,10.841441,2025-04-21T22:38:53.428707
282
+ NaiveModel,soft ankle socks in pastel colors with a ribbed top,115,fashion,0.5184113439850088,0.4604918003082275,0.505690440153159,11.550499,2025-04-21T22:39:04.276832
283
+ NaiveModel,luxe velvet dress in deep emerald with a wrap design,116,fashion,0.6479819014529717,0.5277241706848145,0.619736790017455,11.183671,2025-04-21T22:39:15.834470
284
+ NaiveModel,soft merino wool pullover in muted lavender,117,fashion,0.7973255622790482,0.4510080814361572,0.6911780070305454,8.79627,2025-04-21T22:39:27.026154
285
+ NaiveModel,high-waisted shorts in a lightweight chambray fabric,118,fashion,0.4017871850113785,0.4604918003082275,0.4122993704234269,9.873575,2025-04-21T22:39:35.831434
286
+ NaiveModel,classic trench coat in beige with a tie belt,119,fashion,0.4042450216091075,0.4604918003082275,0.4143676093323191,10.529333,2025-04-21T22:39:45.711018
287
+ NaiveModel,soft fleece hoodie in light gray with a kangaroo pocket,120,fashion,0.6298810566214926,0.4387787342071533,0.5794106436330678,8.053644,2025-04-21T22:39:56.247422
288
+ NaiveModel,graphic tee in soft cotton with a vintage design,121,fashion,0.3980572950088264,0.4595401287078857,0.4090015287789135,6.402759,2025-04-21T22:40:04.307630
289
+ NaiveModel,satin camisole in blush pink with delicate lace trim,122,fashion,0.6357226838458543,0.4537051677703857,0.5885034972953347,11.81289,2025-04-21T22:40:10.717371
290
+ NaiveModel,plaid wool skirt with a high waist and pleats,123,fashion,0.220852791809713,0.4604918003082275,0.2465093901711363,11.809135,2025-04-21T22:40:22.536591
291
+ NaiveModel,chevron knit blanket scarf in shades of gray,124,fashion,0.163987175170692,0.4537051677703857,0.18799659846691,11.819866,2025-04-21T22:40:34.352183
292
+ NaiveModel,classic white button-up shirt with a tailored fit,125,fashion,0.5861087543609814,0.4471397399902344,0.5518088161353631,9.413872,2025-04-21T22:40:46.178447
293
+ NaiveModel,cotton twill chinos in olive green with a slim fit,126,fashion,0.2548958356985912,0.4604918003082275,0.2798881953770375,7.105473,2025-04-21T22:40:55.599042
294
+ NaiveModel,floral print wrap dress with flutter sleeves,127,fashion,0.0023267030872408,0.4126898765563965,0.002904285343521,12.153451,2025-04-21T22:41:02.710926
295
+ NaiveModel,denim overalls with a relaxed fit and side buttons,128,fashion,0.7489005730597963,0.3984199523925781,0.6368552662646708,6.939938,2025-04-21T22:41:14.872093
296
+ NaiveModel,chunky heeled sandals in tan leather with ankle strap,129,fashion,0.0554845519753318,0.4604918003082275,0.0673276176461808,12.101509,2025-04-21T22:41:21.818919
297
+ NaiveModel,sleek pencil skirt in faux leather with a back slit,130,fashion,0.2324683238994838,0.4701873779296875,0.2586190354437128,5.599271,2025-04-21T22:41:33.926555
298
+ NaiveModel,fitted turtleneck in soft cotton in rich burgundy,131,fashion,0.6002805782386508,0.4604918003082275,0.5659218660913087,6.558793,2025-04-21T22:41:39.532314
299
+ NaiveModel,knitted cardigan in soft beige with patch pockets,132,fashion,0.6871318143945491,0.4679483890533447,0.6282758952380895,9.329136,2025-04-21T22:41:46.099206
300
+ NaiveModel,sleek black leather ankle boots with a pointed toe,133,fashion,0.4992135362833472,0.4604918003082275,0.4909568415150155,8.554485,2025-04-21T22:41:55.435363
301
+ NaiveModel,canvas sneakers in bright yellow with white soles,134,fashion,0.7917556714223862,0.4375590801239014,0.6814338604762171,4.265684,2025-04-21T22:42:03.995739
302
+ NaiveModel,elegant silk blouse featuring ruffled cuffs,135,fashion,0.4977479022902117,0.4104340076446533,0.4774344485488979,10.436838,2025-04-21T22:42:08.268190
303
+ NaiveModel,cropped bomber jacket in olive green with ribbed cuffs,136,fashion,0.300185770659894,0.4537051677703857,0.3219749896539084,12.153115,2025-04-21T22:42:18.713839
304
+ NaiveModel,vibrant floral maxi dress with a cinched waist,137,fashion,0.2955901542911163,0.4174334526062012,0.3139157229988181,10.286942,2025-04-21T22:42:30.873466
305
+ NaiveModel,soft flannel shirt in checkered red and black,138,fashion,0.2957395287652278,0.4537051677703857,0.3178742604084547,11.756416,2025-04-21T22:42:41.169738
306
+ NaiveModel,chunky knit scarf in cream with fringed edges,139,fashion,0.2302095214203542,0.4537051677703857,0.255368477984623,12.047245,2025-04-21T22:42:52.932490
307
+ NaiveModel,tailored trousers in classic black with a straight cut,140,fashion,0.7504899511777319,0.4604918003082275,0.6665384390436511,4.173764,2025-04-21T22:43:04.986287
308
+ NaiveModel,lightweight denim jacket with frayed hem and pockets,141,fashion,0.4971362623624171,0.4874016761779785,0.4951583611866499,9.044469,2025-04-21T22:43:09.166043
309
+ NaiveModel,leather crossbody bag with an adjustable strap,142,fashion,0.9564064257398208,0.4604918003082275,0.7869165728447219,11.424451,2025-04-21T22:43:18.217253
310
+ NaiveModel,striped linen shirt with rolled-up sleeves,143,fashion,0.0348918351156912,0.4604918003082275,0.0428039710423361,7.05185,2025-04-21T22:43:29.648514
311
+ NaiveModel,flowy midi skirt with a watercolor print,144,fashion,0.3766960428124419,0.478653621673584,0.3934580730990993,11.720412,2025-04-21T22:43:36.708873
312
+ NaiveModel,soft jersey t-shirt in pastel pink with a crew neck,145,fashion,0.7062926559086888,0.4604918003082275,0.6381648554254937,10.135888,2025-04-21T22:43:48.436526
313
+ NaiveModel,ribbed knit beanie in charcoal gray,146,fashion,0.4989090193147399,0.4537051677703857,0.4891617228449522,11.729735,2025-04-21T22:43:58.578899
314
+ NaiveModel,soft cashmere sweater in a rich navy blue,147,fashion,0.996867560742386,0.4661949634552002,0.8120054093402524,7.911325,2025-04-21T22:44:10.314949
315
+ NaiveModel,vintage-inspired high-waisted jeans in dark wash,148,fashion,0.5392456450995475,0.4632489204406738,0.5221148889530182,12.12418,2025-04-21T22:44:18.233436
316
+ NaiveModel,cotton sundress in bright yellow with a flared skirt,149,fashion,0.2973231243237267,0.4604918003082275,0.3200006543232392,7.341308,2025-04-21T22:44:30.364903
317
+ NaiveModel,distressed denim jacket with a faded finish,150,fashion,0.4630004619382005,0.4321608066558838,0.4564853633771301,11.242262,2025-04-21T22:44:37.712656
318
+ NaiveModel,lightweight parka in navy with a hood and drawstrings,151,fashion,0.6766122559629802,0.4879918098449707,0.6280602126274967,6.49428,2025-04-21T22:44:48.965386
319
+ NaiveModel,pleated satin trousers in metallic gold,152,fashion,0.2480772935924177,0.4709284782409668,0.2740105644453278,10.892099,2025-04-21T22:44:55.466107
320
+ NaiveModel,distressed boyfriend jeans with a relaxed silhouette,153,fashion,0.2409292806025338,0.4688729286193848,0.266877945477,10.888777,2025-04-21T22:45:06.364866
321
+ NaiveModel,wool beanie in forest green with a cuffed edge,154,fashion,0.1770272183644949,0.4604918003082275,0.2018816438939918,9.064278,2025-04-21T22:45:17.259966
322
+ NaiveModel,mesh-paneled leggings for active wear,155,fashion,0.7102971211231224,0.4355578422546386,0.6307275994543023,8.462812,2025-04-21T22:45:26.332130
323
+ NaiveModel,canvas tote bag with a bold graphic print,156,fashion,0.2006100923907798,0.5189908981323242,0.2286655879270485,6.413879,2025-04-21T22:45:34.801768
324
+ NaiveModel,long-sleeve wrap top in crisp white with a tie detail,157,fashion,0.3031422882860862,0.4240624904632568,0.321475872796806,7.250194,2025-04-21T22:45:41.223910
325
+ NaiveModel,midi dress in a bold animal print with a flowy hem,158,fashion,0.221593651831275,0.4133463382720947,0.2442558672082944,8.565738,2025-04-21T22:45:48.481773
326
+ NaiveModel,tailored shorts in crisp white with a hidden zipper,159,fashion,0.7914083965322434,0.4749732971191406,0.6983569912092589,6.312709,2025-04-21T22:45:57.063351
327
+ NaiveModel,fitted blazer in a rich burgundy hue,160,fashion,0.2855001801367927,0.4934702396392822,0.3117797167913934,5.135363,2025-04-21T22:46:03.382445
328
+ NaiveModel,quilted puffer vest in bright red with zip pockets,161,fashion,0.5132027353433587,0.4537051677703857,0.5000867527718531,10.886278,2025-04-21T22:46:08.524335
329
+ NaiveModel,polka dot silk scarf in navy with white spots,162,fashion,0.6887836688543767,0.4591525077819824,0.626153357545751,9.613814,2025-04-21T22:46:19.417089
330
+ NaiveModel,sheer kimono in floral chiffon with wide sleeves,163,fashion,0.4116173059211143,0.3770337581634521,0.4042021896734789,9.411428,2025-04-21T22:46:29.038376
331
+ NaiveModel,a peaceful meadow under a bright blue sky,164,landscapes,0.9990090833442276,0.4195067882537842,0.7827519969622019,2.205929,2025-04-21T22:46:38.458987