Nithila77 mattmdjaga commited on
Commit
1984d85
0 Parent(s):

Duplicate from mattmdjaga/fashion_search

Browse files

Co-authored-by: Mateusz Dziemian <mattmdjaga@users.noreply.huggingface.co>

.gitattributes ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ *.7z filter=lfs diff=lfs merge=lfs -text
2
+ *.arrow filter=lfs diff=lfs merge=lfs -text
3
+ *.bin filter=lfs diff=lfs merge=lfs -text
4
+ *.bz2 filter=lfs diff=lfs merge=lfs -text
5
+ *.ckpt filter=lfs diff=lfs merge=lfs -text
6
+ *.ftz filter=lfs diff=lfs merge=lfs -text
7
+ *.gz filter=lfs diff=lfs merge=lfs -text
8
+ *.h5 filter=lfs diff=lfs merge=lfs -text
9
+ *.joblib filter=lfs diff=lfs merge=lfs -text
10
+ *.lfs.* filter=lfs diff=lfs merge=lfs -text
11
+ *.mlmodel filter=lfs diff=lfs merge=lfs -text
12
+ *.model filter=lfs diff=lfs merge=lfs -text
13
+ *.msgpack filter=lfs diff=lfs merge=lfs -text
14
+ *.npy filter=lfs diff=lfs merge=lfs -text
15
+ *.npz filter=lfs diff=lfs merge=lfs -text
16
+ *.onnx filter=lfs diff=lfs merge=lfs -text
17
+ *.ot filter=lfs diff=lfs merge=lfs -text
18
+ *.parquet filter=lfs diff=lfs merge=lfs -text
19
+ *.pb filter=lfs diff=lfs merge=lfs -text
20
+ *.pickle filter=lfs diff=lfs merge=lfs -text
21
+ *.pkl filter=lfs diff=lfs merge=lfs -text
22
+ *.pt filter=lfs diff=lfs merge=lfs -text
23
+ *.pth filter=lfs diff=lfs merge=lfs -text
24
+ *.rar filter=lfs diff=lfs merge=lfs -text
25
+ *.safetensors filter=lfs diff=lfs merge=lfs -text
26
+ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
27
+ *.tar.* filter=lfs diff=lfs merge=lfs -text
28
+ *.tflite filter=lfs diff=lfs merge=lfs -text
29
+ *.tgz filter=lfs diff=lfs merge=lfs -text
30
+ *.wasm filter=lfs diff=lfs merge=lfs -text
31
+ *.xz filter=lfs diff=lfs merge=lfs -text
32
+ *.zip filter=lfs diff=lfs merge=lfs -text
33
+ *.zst filter=lfs diff=lfs merge=lfs -text
34
+ *tfevents* filter=lfs diff=lfs merge=lfs -text
README.md ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ title: Fashion Search
3
+ emoji: ⚡
4
+ colorFrom: indigo
5
+ colorTo: blue
6
+ sdk: gradio
7
+ sdk_version: 3.11.0
8
+ app_file: app.py
9
+ pinned: false
10
+ license: gpl-3.0
11
+ duplicated_from: mattmdjaga/fashion_search
12
+ ---
13
+
14
+ Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
app.py ADDED
@@ -0,0 +1,667 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import gradio as gr
2
+ import torch
3
+ from PIL import Image
4
+ import torch.nn.functional as F
5
+ import numpy as np
6
+ import pickle
7
+ import json
8
+ import requests
9
+ from transformers import CLIPProcessor, AutoModelForSemanticSegmentation, AutoFeatureExtractor, CLIPModel
10
+ from torch import nn
11
+ import io
12
+
13
+ # Initialize the models using huggingface
14
+
15
+ device = "cuda" if torch.cuda.is_available() else "cpu"
16
+ # Load the CLIP model from hugging face
17
+ clip_hg = CLIPModel.from_pretrained("openai/clip-vit-base-patch32").to(device).eval()
18
+ processor_hg = CLIPProcessor.from_pretrained("openai/clip-vit-base-patch32")
19
+ seg_hg = AutoModelForSemanticSegmentation.from_pretrained('mattmdjaga/segformer_b2_clothes').to(device).eval()
20
+ extractor_hg = AutoFeatureExtractor.from_pretrained('mattmdjaga/segformer_b2_clothes', reduce_labels=False)
21
+
22
+ # Load the data and normalize the embeddings just in case.
23
+ features = torch.load('features.pt').to(device)
24
+ features_main = F.normalize(features)
25
+ item_embeddings = torch.load('item_embeds.pt').to(device)
26
+ item_embeddings = F.normalize(item_embeddings)
27
+ url_list_main = pickle.load(open('new_url_list.pt','rb'))
28
+ clothes_tree = json.load(open('clothes_tree_new_data.json'))
29
+ rec_dic = json.load(open('top5_mini_new.json'))
30
+
31
+ # URL for an image if no image is selected
32
+ url = 'https://bitsofco.de/content/images/2018/12/Screenshot-2018-12-16-at-21.06.29.png'
33
+
34
+ # Set up all the variables
35
+
36
+ label = ['Background', 'Hat', 'Hair', 'Sunglasses', 'Upper-clothes', 'Skirt', 'Pants', 'Dress', 'Belt',
37
+ 'Left-shoe', 'Right-shoe', 'Face', 'Left-leg', 'Right-leg', 'Left-arm', 'Right-arm', 'Bag', 'Scarf']
38
+
39
+
40
+ clothing_type = ['top', 'bottom', 'dress']
41
+ top_type = ['t-shirt', 'tank top', 'blouse', 'sweater', 'hoodie', 'cardigan','turtleneck','blazer','polo','collar shirt','knitwear',
42
+ 'tuxedo', 'Compression top','duffle coat', 'peacoat', 'long coat', 'trench coat',
43
+ 'biker jacket', 'blazer', 'bomber jacket', 'hooded jacket', 'leather jacket', 'military jacket', 'down jacket', 'shirt jacket',
44
+ 'suit jacket', 'dinner jacket', 'gillet', 'track jacket'
45
+ ]
46
+ bottom_type = ['skirt', 'leggings', 'sweatpants', 'skinny pants', 'tailored pants', 'track pants', 'wide-leg pants'
47
+ , 'cargo shorts', 'denim shorts', 'track shorts', 'compression shorts', 'cycling shorts','denim pants',
48
+ 'cargo pants', 'chino pants', 'chino shorts'
49
+ ]
50
+ dress_type = ['casual dress', 'cocktail dress', 'evening dress', 'maxi dress', 'mini dress', 'party dress', 'sundress']
51
+ styles = ['plain','polka dot','striped','floral','checkered','zebra print','leopard print','plaid','paisley']
52
+ colors = ['blue','red','pink','orange','yellow','purple','gold','white','off white','black','grey','green','brown','beige','cream','navy','maroon']
53
+
54
+ top_list = [f"{t}, {color}, {style}" for t in top_type for style in styles for color in colors]
55
+ bottom_list = [f"{t}, {color}, {style}" for t in bottom_type for style in styles for color in colors]
56
+ dress_list = [f"{t}, {color}, {style}" for t in dress_type for style in styles for color in colors]
57
+ all_items = top_list + bottom_list + dress_list
58
+
59
+
60
+ clothing_type = ['top', 'bottom', 'dress']
61
+ all_types = {'top' :top_type,
62
+ 'bottom' : bottom_type,
63
+ 'dress':dress_type}
64
+ patterns_list = styles.copy()
65
+ colors_list = colors.copy()
66
+
67
+ clicks = 0
68
+ c_types = []
69
+ types = []
70
+ colors = []
71
+ patterns = []
72
+ new_files = []
73
+ out = []
74
+
75
+
76
+ clothes_click = 0
77
+ global_mask = None
78
+ mask_choice = 'Clothes'
79
+
80
+ # Define all needed functions
81
+
82
+ def find_closest(target_feature, features):
83
+ '''
84
+ Purpose: Find the closest embedding to the given image embedding
85
+ Inputs:
86
+ target_feature (tenosr): embedding of our search item
87
+ features (tensor): embedding of all the items in the dataset
88
+ Outputs:
89
+ group_sorted_indices (list): indicies of the closest items in a sorted order
90
+ '''
91
+ cos_similarity = features.to(torch.float32) @ target_feature.to(torch.float32).T
92
+ group_sorted_indices = torch.argsort(cos_similarity, descending=True,dim=0).squeeze(1).cpu().tolist()
93
+ return group_sorted_indices
94
+
95
+
96
+ def filter_function(choices):
97
+ '''
98
+ Purpose: Find a list of items that match the given filters
99
+ Inputs:
100
+ choices (list): list of filters
101
+ Outputs:
102
+ Upating the choices of filters
103
+ '''
104
+ # Import the global variables
105
+ global clicks
106
+ global c_types
107
+ global types
108
+ global colors
109
+ global patterns
110
+ global new_files
111
+ new_choices = []
112
+
113
+ # Clicks is just a reference to how far we are in the filter tree
114
+ # We keep going down and saving the selected options until we reach the end
115
+ # Then we add items which had the desired filters to the new_choices list
116
+ # This is then used to filter out the items that don't match the filters in search
117
+
118
+ if clicks == 0:
119
+ temp_choices = [choice for choice in choices if choice in clothing_type]
120
+ if len(temp_choices) == 0:
121
+ temp_choices = clothing_type
122
+ for choice in temp_choices:
123
+ c_types.append(choice)
124
+ new_choices.extend(list(clothes_tree[choice].keys()))
125
+
126
+ if clicks == 1:
127
+ temp_choices = [choice for c_type in c_types for choice in choices if choice in all_types[c_type]]
128
+ if len(temp_choices) == 0:
129
+ types = []
130
+ for c_type in c_types:
131
+ types.extend([(t,c_type) for t in clothes_tree[c_type].keys()])
132
+ for choice in temp_choices:
133
+ if choice in clothes_tree['top']:
134
+ types.append((choice,'top'))
135
+ elif choice in clothes_tree['bottom']:
136
+ types.append((choice,'bottom'))
137
+ else :
138
+ types.append((choice,'dress'))
139
+ new_choices = list(clothes_tree['top']['t-shirt'].keys())
140
+
141
+ if clicks == 2:
142
+ temp_choices = [choice for choice in choices if choice in colors_list]
143
+ if len(temp_choices) == 0:
144
+ colors = colors_list.copy()
145
+ for choice in temp_choices:
146
+ colors.append(choice)
147
+ new_choices = list(clothes_tree['top']['t-shirt']['red'].keys())
148
+
149
+ if clicks == 3:
150
+ temp_choices = [choice for choice in choices if choice in patterns_list]
151
+ if len(temp_choices) == 0:
152
+ patterns = patterns_list.copy()
153
+ for choice in temp_choices:
154
+ patterns.append(choice)
155
+ for type_,c_type in types:
156
+ for color in colors:
157
+ for pattern in patterns:
158
+ new_files.extend(clothes_tree[c_type][type_][color][pattern])
159
+ clicks += 1
160
+ new_choices = ['Press Search to use the set filter. Dont press this button']
161
+ return gr.update(choices=new_choices, label='Press Search to use the filter or press filter to reset the filter')
162
+ if clicks == 4:
163
+ c_types.clear()
164
+ types.clear()
165
+ colors.clear()
166
+ patterns.clear()
167
+ new_files.clear()
168
+ clicks = 0
169
+ new_choices = ['top','bottom','dress']
170
+
171
+ return gr.update(choices=new_choices,label='Select the type of clothing you want to search for')
172
+ clicks += 1
173
+ return gr.update(choices=new_choices)
174
+
175
+ def set_theme(theme):
176
+ '''
177
+ Purpose: Set the theme using filters
178
+ Inputs:
179
+ theme (string): theme to be set
180
+ Outputs:
181
+ Upadting to show the chosen theme
182
+ '''
183
+ global new_files
184
+ new_files.clear()
185
+
186
+ # Here we just manually set the filters to the desired theme
187
+ # Then we just find images with the desired filters
188
+
189
+ if theme == 'Red carpet':
190
+ types = [('evening dress','dress'), ('tuxedo','top'), ('suit jacket','top'), ('dinner jacket','top'),('maxi dress','dress')]
191
+ colors = ['red','purple','gold','white','off white','black','beige','cream','navy','maroon']
192
+ patterns = ['plain']
193
+ elif theme == 'Sports':
194
+ types = [('running shorts','bottom'), ('track shorts','bottom'), ('track pants','bottom'), ('track jacket','top'),
195
+ ('Compression top','top'), ('cycling top','top'), ('cycling shorts','bottom'),('compression shorts','bottom'),('tank top','top')]
196
+ colors = colors_list.copy()
197
+ patterns = patterns_list.copy()#
198
+ elif theme =='My preference':
199
+ types = [('evening dress','dress'), ('tuxedo','top'), ('suit jacket','top'), ('dinner jacket','top'),('maxi dress','dress')]
200
+ colors = ['red','purple','gold']
201
+ patterns = ['plain','zebra print']
202
+ else:
203
+ return gr.update(label='Chosen theme: None')
204
+ for type_,c_type in types:
205
+ for color in colors:
206
+ for pattern in patterns:
207
+ new_files.extend(clothes_tree[c_type][type_][color][pattern])
208
+ return gr.update(label='Chosen theme: '+theme)
209
+
210
+
211
+ def segment(img):
212
+ '''
213
+ Purpose: Segment the image to get the mask
214
+ Inputs:
215
+ img(pil image): image to be segmented
216
+ Outputs:
217
+ img(pil image): original image
218
+ arr(numpy array): array of image
219
+ pred_seg(tensor): mask
220
+ '''
221
+
222
+ # Get the segmentation mask then umsample it to the original size
223
+
224
+ encoding = extractor_hg(img.convert('RGB'), return_tensors="pt")
225
+ pixel_values = encoding.pixel_values.to(device)
226
+ outputs = seg_hg(pixel_values=pixel_values)
227
+ logits = outputs.logits.cpu()
228
+ upsampled_logits = nn.functional.interpolate(
229
+ logits,
230
+ size=img.size[::-1],
231
+ mode="bilinear",
232
+ align_corners=False,
233
+ )
234
+
235
+ pred_seg = upsampled_logits.argmax(dim=1)[0]
236
+ arr_img = np.array(img)
237
+ return img, arr_img, pred_seg
238
+
239
+ def clean_img(img):
240
+ '''
241
+ Purpose: Clean the image to remove the chosen items
242
+ Inputs:
243
+ img(numpy array): image to be cleaned
244
+ Outputs:
245
+ img(numpy array): cleaned image
246
+ '''
247
+
248
+ # Here we remove pixels whihc are not in our desired class
249
+
250
+ global global_mask
251
+ global mask_choice
252
+ bad = []
253
+ mask_size = global_mask.shape
254
+ img_size = img.shape[:2]
255
+ if img_size != mask_size:
256
+ return img
257
+ if mask_choice=='Person':
258
+ bad.append(0)
259
+ elif mask_choice=='Clothes':
260
+ bad.extend([0,2,15,14,13,12,11])
261
+ elif mask_choice=='Upper Body/Dress':
262
+ bad.extend([0,5,6,9,10,12,13,16])
263
+ elif mask_choice=='Lower Body':
264
+ bad.extend([0,1,2,3,4,7,8,11,14,15,16])
265
+ elif mask_choice=='Upper Body/Dress, no person':
266
+ bad.extend([0,1,2,15,11,14,5,6,9,10,12,13,16,3])
267
+ for i in bad:
268
+ global_mask[global_mask==i] = 50
269
+ img[global_mask==50] = 255
270
+ return img
271
+
272
+
273
+ def label_to_rec_lables (label):
274
+ '''
275
+ Purpose: Use the label to get the corresponding reccomendation labels
276
+ Inputs:
277
+ label(string): label of the image
278
+ Outputs:
279
+ rec_labels(list): list of reccomendation labels
280
+ '''
281
+
282
+ # This function is used to get the reccomendation labels to then
283
+ # filter the reccomendation search to them
284
+
285
+ labels = label.split(',')
286
+ new_label = rec_dic[','.join(labels[:2])]
287
+ print('Reccomendation label: ',new_label)
288
+ n = 5 if len(new_label) >= 5 else len(new_label)
289
+ labels = []
290
+ labels = [new_label[i][0].split(',') for i in range(n)]
291
+ chosen = []
292
+ c_types = ['top','bottom','dress']
293
+ for item in labels:
294
+
295
+ label_type = item[0]
296
+ label_color = item[1].strip()
297
+ for c_type in c_types:
298
+ if label_type in all_types[c_type]:
299
+ item_type = c_type
300
+ chosen.append([item_type,label_type,label_color])
301
+ print('Chosen: ',chosen)
302
+ return chosen
303
+
304
+
305
+ def filter_features(labels, rec=False, rec_items=None):
306
+ '''
307
+ Purpose: Filter the features to only contain the chosen label
308
+ Inputs:
309
+ labels(str): label string
310
+ rec(bool): if the function is called from the recommendation function
311
+ rec_items(list): list containing the label info
312
+ Outputs:
313
+ url_list(list): list of urls after filtering
314
+ features(tensor): features after filtering
315
+ '''
316
+ global url_list_main
317
+ global features_main
318
+
319
+ # Here we filter the features to only contain the desired labels and
320
+ # also provide the new url list
321
+
322
+ labels = labels.split(',')
323
+ label_type = labels[0]
324
+ label_color = labels[1].strip()
325
+ c_types = ['top', 'bottom', 'dress']
326
+ for c_type in c_types:
327
+ if label_type in all_types[c_type]:
328
+ item_type = c_type
329
+ new_list = set()
330
+ if rec:
331
+ item_type = rec_items[0]
332
+ label_type = rec_items[1]
333
+ label_color = rec_items[2]
334
+ for pattern in patterns_list:
335
+ new_list.update(clothes_tree[item_type][label_type][label_color][pattern])
336
+ else:
337
+ for color in colors_list:
338
+ for pattern in patterns_list:
339
+ new_list.update(clothes_tree[item_type][label_type][color][pattern])
340
+ new_files = list(new_list)
341
+ temp_url = []
342
+ temp_features = torch.zeros(len(new_files), 512).to(device)
343
+ for c,i in enumerate(new_files):
344
+ temp_url.append(url_list_main[i])
345
+ temp_features[c] = features_main[i]
346
+ url_list = temp_url
347
+ features = temp_features.to(torch.float32)
348
+ return url_list, features
349
+
350
+ def get_image_from_url(idx,url_list,items=5):
351
+ '''
352
+ Purpose: Get a list of images from the url list using the indecies
353
+ Inputs:
354
+ idx(list): list of indecies
355
+ url_list(list): list of urls
356
+ items(int): number of images to return
357
+ Outputs:
358
+ images(list): list of images
359
+ '''
360
+
361
+ # Looping until we have the desired number of images
362
+
363
+ res = []
364
+ i = 0
365
+ n = 15 if len(idx) > 15 else len(idx)
366
+ while len(res) != items and i != n:
367
+ try:
368
+ req = requests.get(url_list[idx[i]],stream=True,timeout=5)
369
+ img = Image.open(req.raw).convert('RGB')
370
+ img = np.array(img)
371
+ res.append(img)
372
+ i += 1
373
+ except:
374
+ print('Error with: ' + url_list[i])
375
+ i += 1
376
+ continue
377
+ return res
378
+
379
+ def get_label(img):
380
+ '''
381
+ Purpose: Get the label of the image
382
+ Inputs:
383
+ img(numpy array or pil image): image to get label of
384
+ Outputs:
385
+ label(string): label of the image
386
+ '''
387
+ img_features = processor_hg(images=img, return_tensors="pt", padding=True).to(device)
388
+ with torch.no_grad():
389
+ img_features = clip_hg.get_image_features(**img_features)
390
+ idx = find_closest(img_features,item_embeddings)[0]
391
+ label = all_items[idx]
392
+ return label
393
+
394
+ def resize_img(img,thresh=384):
395
+ '''
396
+ Purpose: Resize the image to have the largest dimension be thresh
397
+ Inputs:
398
+ img(pil image): image to resize
399
+ thresh(int): threshold for the largest dimension
400
+ Outputs:
401
+ img(pil image): resized image
402
+ '''
403
+ size = img.size
404
+ larger_dim = 0 if size[0] > size[1] else 1
405
+ if size[larger_dim] > thresh:
406
+ size = (int(size[0] * thresh / size[larger_dim]), int(size[1] * thresh / size[larger_dim]))
407
+ img = img.resize(size)
408
+ return img
409
+
410
+ def segment_function(choice):
411
+ '''
412
+ Purpose: Set the mask choice so that it can be called during search
413
+ Inputs:
414
+ choice(string): mask choice
415
+ Outputs:
416
+ None
417
+ '''
418
+ global mask_choice
419
+ mask_choice = choice
420
+ return gr.update(label =f'Selection: {choice}')
421
+
422
+
423
+ def rec_function(option):
424
+ '''
425
+ Purpose: using an image to get a reccomendation return that image and the reccomendations
426
+ Inputs:
427
+ option(int): option to use
428
+ Outputs:
429
+ rec_out(list): list of images
430
+ temp_out(numpy array): choice image
431
+ '''
432
+ global out
433
+ global url_list_main
434
+ global features_main
435
+
436
+ # Here we get the items which should be reccomended based on the
437
+ # chosen image. Then we find the closest items to the chosen image
438
+ # out of the reccomended items. Finally we crop the images so that
439
+ # we only see the reccomended items in the output
440
+
441
+ if not out:
442
+ req = requests.get(url,stream=True)
443
+ img = np.array(Image.open(req.raw).convert('RGB'))
444
+ rec_out = [img]*5
445
+ return rec_out
446
+ img = Image.fromarray(out[option])
447
+ choice_img = resize_img(img)
448
+ label = get_label(choice_img)
449
+ target_labels = label_to_rec_lables(label)
450
+ temp_out = []
451
+ img_features = processor_hg(images=choice_img, return_tensors="pt", padding=True).to(device)
452
+ with torch.no_grad():
453
+ img_features = clip_hg.get_image_features(**img_features)
454
+ n = len(target_labels)
455
+ if n == 1:
456
+ return_items = 5
457
+ elif n == 2:
458
+ return_items = 3
459
+ elif n == 3:
460
+ return_items = 2
461
+ else:
462
+ return_items = 1
463
+ for item in target_labels:
464
+ url_list, features = filter_features(label, rec=True, rec_items=item)
465
+ idx = find_closest(img_features, features)[:5]
466
+ temp_out.extend(get_image_from_url(idx,url_list,items=return_items))
467
+ rec_out = []
468
+ for temp_img in temp_out:
469
+ temp_img = resize_img(Image.fromarray(temp_img))
470
+ img, seg_img, out_mask = segment(temp_img)
471
+
472
+ label_type = label.split(',')[0].strip()
473
+ bad = []
474
+ if label_type in top_type or label_type in dress_type:
475
+ bad.extend([0,1,2,3,4,7,8,11,14,15,16])
476
+ elif label_type in bottom_type:
477
+ bad.extend([0,5,6,9,10,12,13,16])
478
+ for i in bad:
479
+ out_mask[out_mask==i] = 50
480
+ img = np.array(img)
481
+ img[out_mask==50] = 255
482
+ h, w = img.shape[:2]
483
+ # find the highest and lowest y-coordinates where the pixel is not white
484
+ top = 0
485
+ bottom = h
486
+ for i in range(h):
487
+ if np.all(img[i] == 255):
488
+ top = i
489
+ else:
490
+ break
491
+ for i in range(h-1, 0, -1):
492
+ if np.all(img[i] == 255):
493
+ bottom = i
494
+ else:
495
+ break
496
+ # find the highest and lowest x-coordinates where the pixel is not white
497
+ left = 0
498
+ right = w
499
+ for i in range(w):
500
+ if np.all(img[:, i] == 255):
501
+ left = i
502
+ else:
503
+ break
504
+ for i in range(w-1, 0, -1):
505
+ if np.all(img[:, i] == 255):
506
+ right = i
507
+ else:
508
+ break
509
+ # crop the image
510
+ # add 10 pixels to the top and bottom if those are not the edges of the image
511
+ if top - 10 > 0:
512
+ top -= 10
513
+ if bottom + 10 < h:
514
+ bottom += 10
515
+ # add 10 pixels to the left and right if those are not the edges of the image
516
+ if left - 10 > 0:
517
+ left -= 10
518
+ if right + 10 < w:
519
+ right += 10
520
+
521
+ if top > bottom or right < left:
522
+ rec_out.append(temp_img)
523
+ else:
524
+ temp_img = np.array(temp_img)
525
+ img = temp_img[top:bottom, left:right]
526
+ rec_out.append(img)
527
+ temp_out = [choice_img]
528
+ return rec_out, temp_out
529
+
530
+ def reset_values():
531
+ '''
532
+ Purpose: reset the values of the global variables
533
+ Inputs:
534
+ None
535
+ Outputs:
536
+ None
537
+ '''
538
+ global global_mask
539
+ global out
540
+ global mask_choice
541
+ global clicks
542
+ global c_types
543
+ global types
544
+ global colors
545
+ global patterns
546
+ global new_files
547
+ global_mask = None
548
+ out = None
549
+ mask_choice = None
550
+ clicks = 0
551
+ c_types.clear()
552
+ types.clear()
553
+ colors.clear()
554
+ patterns.clear()
555
+ new_files.clear()
556
+ return [gr.update(choices=['top','bottom','dress'],value=[]),gr.update(choices=['Person','Clothes','Upper Body/Dress','Upper Body/Dress, no person','Lower Body'],value=None)
557
+ ,gr.update(value=None), gr.update(value=[]),gr.update(value=[]),gr.update(value=0)]
558
+
559
+ def search_function(img, text, use_choice,use_label):
560
+ '''
561
+ Purpose: search for images based on the text input or image input
562
+ Inputs:
563
+ img(pil image): image input
564
+ text(string): text input
565
+ use_choice(boolean): Boolen to know if to use image or text
566
+ use_label(boolean): whether to use the label
567
+ Outputs:
568
+ out(list): list of images
569
+ '''
570
+ global new_files
571
+ global global_mask
572
+ global out
573
+ use_img = False
574
+ use_text = False
575
+ if use_choice == 'Use Image':
576
+ use_img = True
577
+ elif use_choice == 'Use Text':
578
+ use_text = True
579
+
580
+ if new_files:
581
+ global url_list_main
582
+ global features_main
583
+ temp_url = []
584
+ new_files = list(set(new_files))
585
+ temp_features = torch.zeros(len(new_files), 512).to(device)
586
+ for c,i in enumerate(new_files):
587
+ temp_url.append(url_list_main[i])
588
+ temp_features[c] = features_main[i]
589
+ url_list = temp_url
590
+ features = temp_features.to(torch.float32)
591
+ else:
592
+ features = features_main.clone()
593
+ url_list = url_list_main.copy()
594
+
595
+
596
+ if use_text and not use_img:
597
+ text_features = processor_hg(text=text, return_tensors="pt", padding=True).to(device)
598
+ with torch.no_grad():
599
+ text_features = clip_hg.get_text_features(**text_features)
600
+ idx = find_closest(text_features, features)[:15]
601
+ out = get_image_from_url(idx,url_list)
602
+ else :
603
+ if not isinstance(global_mask,type(None)):
604
+ seg_img = clean_img(img)
605
+ else:
606
+ seg_img = img
607
+ img = Image.fromarray(seg_img)
608
+ label = get_label(img)
609
+ if not new_files and use_label:
610
+ url_list, features = filter_features(label)
611
+ img_features = processor_hg(images=img, return_tensors="pt", padding=True).to(device)
612
+ with torch.no_grad():
613
+ img_features = clip_hg.get_image_features(**img_features)
614
+ idx = find_closest(img_features, features)[:15]
615
+ out = get_image_from_url(idx,url_list)
616
+ if use_img:
617
+ out.pop()
618
+ out.insert(0, seg_img)
619
+ return out
620
+
621
+ def search(img,text, choice,use_label,rotation):
622
+ global global_mask
623
+ try:
624
+ img = Image.fromarray(img).convert('RGB')
625
+ except:
626
+ img = Image.open(requests.get(url, stream=True).raw).convert('RGB')
627
+ img = img.rotate(rotation)
628
+ img = resize_img(img)
629
+ pil, img, out_mask = segment(img)
630
+ global_mask = out_mask
631
+ res = search_function(img, text, choice,use_label)
632
+ return res
633
+
634
+ # Define the app layout
635
+
636
+ with gr.Blocks() as demo:
637
+ gr.Markdown("Search using image segmentation")
638
+ with gr.Tab("Search"):
639
+ with gr.Row():
640
+ search_image = gr.Image()
641
+ search_input = [search_image,gr.Textbox(lines=2, label="Search Text")]
642
+ with gr.Column():
643
+ search_type = gr.Radio(choices=['Use Image','Use Text'],label='Select the type of search you want to perform',value='Use Image')
644
+ use_label = gr.Checkbox(label="Use Label",value=True)
645
+ image_output = [gr.Gallery(label='Outputs')]
646
+ rec_out = [gr.Gallery(label='Recommendations',interactive=True)]
647
+ with gr.Row():
648
+ rec_selector = gr.Radio(label='Select which item you want a recommendation for',choices = [1,2,3,4],value=1)
649
+ rec_button = gr.Button("Get Recommendation")
650
+ with gr.Row():
651
+ clothes_selector = gr.Radio(label='Choose a segmentation',
652
+ choices=['Person','Clothes','Upper Body/Dress','Upper Body/Dress, no person','Lower Body'],interactive=True)
653
+ theme_radio = gr.Radio(label='Choose a theme',choices=['None','Red carpet','Sports'],interactive=True)
654
+ rotation_radio = gr.Radio(label='Choose a rotation',choices=[0,90,180,270],interactive=True,value=0)
655
+ with gr.Row():
656
+ filter_checkbox = gr.CheckboxGroup(label='Choose the clothing types', choices=['top','bottom','dress'],interactive=True,value=['top'])
657
+ filter_button = gr.Button("Filter Button")
658
+ search_button = gr.Button("Search Button")
659
+
660
+ clothes_selector.change(segment_function,inputs=[clothes_selector],outputs=clothes_selector)
661
+ search_image.change(reset_values, inputs=None, outputs=[filter_checkbox,clothes_selector,theme_radio,image_output[0],rec_out[0],rotation_radio])
662
+ theme_radio.change(set_theme, inputs=theme_radio, outputs=theme_radio)
663
+ rec_button.click(rec_function, inputs=rec_selector, outputs=[rec_out[0],image_output[0]])
664
+ filter_button.click(filter_function, inputs=filter_checkbox, outputs=filter_checkbox)
665
+ search_button.click(search, inputs=search_input+[search_type,use_label,rotation_radio], outputs=image_output)
666
+
667
+ demo.launch(share=False)
clothes_tree_new_data.json ADDED
The diff for this file is too large to render. See raw diff
 
features.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:10f39649c40a9e4be135cfe39b9cd83f063c7c11f8733efa9962e7dfe843a1c9
3
+ size 101499630
item_embeds.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ea997c512e8e2d22a07ee7be6e4f95cd3fb987b211e92ea7298a2a0b447b667f
3
+ size 16294659
new_url_list.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d9a6d055525b49ff8c320d57a81f57ae54165ac1a696764e1bf56fc50fdbfedc
3
+ size 4976452
requirements.txt ADDED
@@ -0,0 +1,5 @@
 
 
 
 
 
 
1
+ torch
2
+ Pillow
3
+ numpy
4
+ transformers
5
+
top5_mini_new.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"peacoat, white": [["cocktail dress, grey", 3], ["leggings, purple", 2], ["cycling shorts, red", 2]], "denim shorts, purple": [["tuxedo, purple", 2], ["peacoat, white", 1], ["collar shirt, pink", 1]], "cargo pants, orange": [["suit jacket, orange", 1], ["suit jacket, white", 1], ["t-shirt, off white", 1]], "suit jacket, orange": [["cargo pants, orange", 1], ["evening dress, off white", 1], ["compression shorts, beige", 1]], "cocktail dress, off white": [["wide-leg pants, off white", 4], ["leggings, off white", 3], ["evening dress, off white", 2]], "blouse, off white": [["skirt, off white", 3], ["chino pants, pink", 2], ["chino shorts, black", 2]], "sweatpants, off white": [["t-shirt, blue", 2], ["maxi dress, white", 1], ["track jacket, brown", 1]], "maxi dress, white": [["sweatpants, off white", 1], ["tank top, navy", 1], ["long coat, white", 1]], "skirt, white": [["t-shirt, off white", 2], ["collar shirt, white", 2], ["sweater, black", 2]], "t-shirt, off white": [["denim shorts, off white", 11], ["compression shorts, off white", 5], ["cargo shorts, black", 3]], "cocktail dress, navy": [["dinner jacket, blue", 1], ["t-shirt, blue", 1], ["peacoat, blue", 1]], "dinner jacket, blue": [["skinny pants, blue", 2], ["cocktail dress, navy", 1], ["skirt, black", 1]], "chino shorts, off white": [["t-shirt, white", 3], ["collar shirt, pink", 2], ["bomber jacket, pink", 2]], "dinner jacket, off white": [["chino shorts, off white", 1], ["skirt, off white", 1], ["skirt, green", 1]], "leggings, maroon": [["duffle coat, black", 1], ["sweater, white", 1], ["t-shirt, grey", 1]], "duffle coat, black": [["denim pants, blue", 2], ["denim pants, black", 2], ["leggings, maroon", 1]], "tailored pants, black": [["suit jacket, off white", 1], ["knitwear, black", 1], ["track jacket, off white", 1]], "suit jacket, off white": [["chino pants, brown", 2], ["denim pants, off white", 2], ["tailored pants, black", 1]], "cargo pants, black": [["suit jacket, black", 2], ["bomber jacket, red", 2], ["track jacket, white", 2]], "shirt jacket, white": [["chino shorts, white", 3], ["cargo pants, black", 1], ["cycling shorts, white", 1]], "denim shorts, white": [["shirt jacket, off white", 2], ["shirt jacket, beige", 1], ["polo, blue", 1]], "shirt jacket, beige": [["denim pants, blue", 2], ["wide-leg pants, beige", 2], ["denim shorts, white", 1]], "cargo pants, green": [["t-shirt, green", 2], ["Compression top, green", 2], ["biker jacket, green", 1]], "biker jacket, green": [["cargo pants, green", 1], ["chino pants, blue", 1], ["chino shorts, black", 1]], "tailored pants, green": [["long coat, green", 2], ["peacoat, green", 1], ["party dress, white", 1]], "peacoat, green": [["tailored pants, green", 1], ["denim shorts, green", 1]], "cargo pants, off white": [["duffle coat, white", 2], ["suit jacket, pink", 2], ["down jacket, brown", 1]], "down jacket, brown": [["cargo pants, off white", 1], ["cargo pants, black", 1], ["skinny pants, beige", 1]], "chino pants, brown": [["suit jacket, off white", 2], ["Compression top, yellow", 1], ["dinner jacket, beige", 1]], "Compression top, yellow": [["denim pants, blue", 3], ["chino shorts, black", 2], ["chino pants, brown", 1]], "track pants, black": [["sweater, black", 2], ["track jacket, off white", 1], ["track jacket, white", 1]], "track jacket, off white": [["cycling shorts, off white", 2], ["track pants, black", 1], ["compression shorts, green", 1]], "t-shirt, black": [["cycling shorts, white", 6], ["compression shorts, off white", 2], ["evening dress, black", 2]], "cycling shorts, white": [["t-shirt, black", 6], ["tank top, off white", 3], ["t-shirt, off white", 2]], "t-shirt, pink": [["compression shorts, pink", 6], ["chino shorts, pink", 5], ["cycling shorts, pink", 5]], "party dress, pink": [["t-shirt, pink", 3], ["cycling shorts, pink", 2], ["casual dress, white", 2]], "cycling shorts, grey": [["tank top, off white", 5], ["Compression top, off white", 2], ["collar shirt, off white", 1]], "collar shirt, off white": [["skirt, brown", 3], ["chino pants, white", 2], ["party dress, yellow", 2]], "compression shorts, off white": [["t-shirt, off white", 5], ["t-shirt, white", 3], ["collar shirt, blue", 2]], "knitwear, off white": [["skirt, off white", 2], ["evening dress, off white", 2], ["compression shorts, off white", 1]], "cycling shorts, orange": [["t-shirt, orange", 4], ["polo, red", 2], ["t-shirt, green", 2]], "t-shirt, orange": [["cycling shorts, orange", 4], ["skirt, orange", 4], ["wide-leg pants, orange", 2]], "party dress, purple": [["t-shirt, purple", 3], ["skirt, purple", 3], ["trench coat, purple", 1]], "t-shirt, purple": [["skirt, purple", 4], ["cycling shorts, purple", 4], ["party dress, purple", 3]], "cargo pants, pink": [["gillet, pink", 2], ["trench coat, cream", 1], ["tank top, off white", 1]], "trench coat, cream": [["wide-leg pants, black", 2], ["cargo pants, pink", 1], ["denim pants, blue", 1]], "duffle coat, grey": [["cargo pants, black", 1]], "denim shorts, off white": [["t-shirt, off white", 11], ["t-shirt, white", 9], ["t-shirt, beige", 5]], "collar shirt, blue": [["skirt, blue", 3], ["denim pants, blue", 2], ["denim pants, black", 2]], "cycling shorts, red": [["t-shirt, red", 3], ["peacoat, white", 2], ["t-shirt, maroon", 1]], "t-shirt, maroon": [["skirt, maroon", 4], ["cocktail dress, maroon", 3], ["wide-leg pants, maroon", 3]], "denim pants, blue": [["bomber jacket, white", 6], ["sweater, beige", 5], ["bomber jacket, beige", 4]], "bomber jacket, pink": [["denim pants, blue", 2], ["chino shorts, off white", 2], ["chino pants, black", 2]], "evening dress, maroon": [["wide-leg pants, maroon", 5], ["evening dress, maroon", 4], ["skirt, maroon", 2]], "gillet, red": [["evening dress, maroon", 1], ["compression shorts, red", 1], ["party dress, red", 1]], "chino shorts, black": [["Compression top, black", 5], ["collar shirt, black", 5], ["t-shirt, white", 5]], "collar shirt, brown": [["evening dress, brown", 2], ["denim pants, black", 2], ["skirt, off white", 2]], "denim shorts, orange": [["polo, orange", 2], ["blouse, orange", 1], ["tank top, white", 1]], "blouse, orange": [["denim shorts, orange", 1], ["wide-leg pants, blue", 1], ["denim pants, blue", 1]], "chino shorts, beige": [["t-shirt, off white", 2], ["cocktail dress, off white", 2], ["t-shirt, beige", 1]], "t-shirt, beige": [["cycling shorts, beige", 6], ["denim shorts, off white", 5], ["compression shorts, beige", 4]], "denim shorts, blue": [["t-shirt, white", 3], ["polo, white", 2], ["bomber jacket, beige", 2]], "compression shorts, red": [["t-shirt, red", 4], ["polo, red", 2], ["gillet, red", 1]], "evening dress, grey": [["wide-leg pants, grey", 3], ["evening dress, grey", 2], ["gillet, grey", 2]], "bomber jacket, white": [["denim pants, blue", 6], ["denim pants, off white", 3], ["denim pants, black", 3]], "hoodie, black": [["compression shorts, black", 3], ["denim pants, blue", 2], ["denim pants, off white", 2]], "skirt, black": [["collar shirt, black", 6], ["sweater, black", 6], ["tank top, black", 5]], "long coat, off white": [["skirt, black", 1], ["compression shorts, white", 1], ["cocktail dress, off white", 1]], "leggings, navy": [["t-shirt, white", 2], ["sweater, white", 1], ["suit jacket, navy", 1]], "sweater, white": [["skirt, orange", 2], ["leggings, navy", 1], ["leggings, maroon", 1]], "denim pants, black": [["collar shirt, black", 4], ["bomber jacket, green", 4], ["tuxedo, blue", 3]], "tuxedo, blue": [["compression shorts, blue", 4], ["denim pants, black", 3], ["cycling shorts, blue", 2]], "gillet, white": [["compression shorts, navy", 2], ["cocktail dress, off white", 2], ["wide-leg pants, white", 1]], "compression shorts, navy": [["tuxedo, navy", 4], ["gillet, white", 2], ["t-shirt, white", 2]], "Compression top, beige": [["skirt, blue", 2], ["chino shorts, black", 2], ["chino shorts, off white", 2]], "track pants, navy": [["polo, navy", 1], ["tuxedo, white", 1], ["t-shirt, navy", 1]], "polo, navy": [["skirt, blue", 2], ["track pants, navy", 1], ["cocktail dress, navy", 1]], "long coat, white": [["cocktail dress, brown", 1], ["casual dress, brown", 1], ["denim pants, off white", 1]], "cocktail dress, brown": [["wide-leg pants, maroon", 2], ["long coat, white", 1], ["cargo shorts, red", 1]], "gillet, purple": [["sweatpants, purple", 2], ["evening dress, black", 1], ["skirt, pink", 1]], "evening dress, black": [["t-shirt, black", 2], ["evening dress, black", 2], ["chino pants, black", 2]], "cycling shorts, yellow": [["polo, yellow", 9], ["t-shirt, yellow", 6], ["collar shirt, yellow", 2]], "polo, yellow": [["cycling shorts, yellow", 9], ["skirt, yellow", 2], ["cycling shorts, off white", 1]], "wide-leg pants, brown": [["long coat, brown", 2], ["hoodie, brown", 2], ["peacoat, brown", 2]], "leather jacket, beige": [["wide-leg pants, brown", 1], ["denim pants, red", 1], ["chino shorts, black", 1]], "wide-leg pants, maroon": [["evening dress, maroon", 5], ["peacoat, maroon", 4], ["t-shirt, maroon", 3]], "maxi dress, pink": [["wide-leg pants, maroon", 1], ["hooded jacket, pink", 1], ["cargo pants, maroon", 1]], "cargo pants, blue": [["hooded jacket, navy", 3], ["collar shirt, pink", 3], ["t-shirt, brown", 2]], "hoodie, yellow": [["cargo pants, blue", 1], ["wide-leg pants, yellow", 1]], "denim shorts, black": [["t-shirt, gold", 2], ["collar shirt, black", 1], ["t-shirt, off white", 1]], "collar shirt, black": [["skirt, black", 6], ["chino shorts, black", 5], ["denim pants, black", 4]], "chino pants, pink": [["collar shirt, red", 3], ["casual dress, pink", 2], ["Compression top, pink", 2]], "casual dress, pink": [["chino pants, pink", 2], ["compression shorts, pink", 2], ["leggings, purple", 1]], "dinner jacket, green": [["skirt, black", 2], ["denim pants, green", 2], ["cargo pants, black", 1]], "tuxedo, grey": [["chino pants, grey", 1], ["wide-leg pants, grey", 1]], "chino pants, grey": [["tuxedo, grey", 1], ["collar shirt, white", 1], ["dinner jacket, white", 1]], "casual dress, yellow": [["skirt, yellow", 2], ["denim shorts, off white", 1], ["denim shorts, blue", 1]], "sweatpants, red": [["t-shirt, red", 3], ["hoodie, red", 2], ["tuxedo, blue", 1]], "t-shirt, red": [["chino shorts, red", 5], ["compression shorts, red", 4], ["sweatpants, red", 3]], "polo, white": [["denim shorts, blue", 2], ["cycling shorts, beige", 2], ["compression shorts, beige", 2]], "cargo pants, white": [["casual dress, off white", 2], ["suit jacket, white", 2], ["polo, white", 1]], "compression shorts, maroon": [["polo, maroon", 2], ["t-shirt, purple", 1], ["cocktail dress, brown", 1]], "polo, maroon": [["cycling shorts, maroon", 4], ["compression shorts, maroon", 2], ["skirt, maroon", 2]], "biker jacket, gold": [["cocktail dress, off white", 1], ["skirt, red", 1]], "compression shorts, black": [["hoodie, black", 3], ["knitwear, black", 2], ["collar shirt, black", 2]], "casual dress, off white": [["denim shorts, off white", 3], ["tailored pants, off white", 2], ["cargo pants, white", 2]], "tailored pants, off white": [["casual dress, off white", 2], ["t-shirt, grey", 1], ["suit jacket, beige", 1]], "evening dress, off white": [["cocktail dress, off white", 2], ["wide-leg pants, off white", 2], ["knitwear, off white", 2]], "hoodie, navy": [["cargo pants, blue", 2], ["denim pants, off white", 1], ["leggings, red", 1]], "knitwear, navy": [["chino shorts, black", 1], ["compression shorts, navy", 1], ["skinny pants, brown", 1]], "denim pants, purple": [["tuxedo, purple", 2], ["t-shirt, purple", 2], ["dinner jacket, purple", 2]], "shirt jacket, purple": [["denim pants, purple", 1], ["cargo pants, purple", 1], ["cargo shorts, maroon", 1]], "casual dress, red": [["denim shorts, off white", 2], ["skirt, white", 2], ["chino pants, brown", 1]], "denim pants, off white": [["bomber jacket, green", 4], ["bomber jacket, white", 3], ["t-shirt, blue", 3]], "suit jacket, green": [["denim pants, off white", 2], ["compression shorts, green", 1], ["denim pants, green", 1]], "Compression top, maroon": [["wide-leg pants, purple", 1], ["skinny pants, maroon", 1], ["chino pants, maroon", 1]], "wide-leg pants, purple": [["Compression top, maroon", 1], ["turtleneck, black", 1], ["t-shirt, purple", 1]], "denim pants, green": [["long coat, green", 2], ["dinner jacket, green", 2], ["trench coat, green", 1]], "trench coat, green": [["denim pants, green", 1], ["evening dress, brown", 1], ["denim pants, blue", 1]], "cargo shorts, off white": [["t-shirt, off white", 2], ["casual dress, blue", 1], ["military jacket, yellow", 1]], "casual dress, blue": [["peacoat, blue", 2], ["cargo shorts, off white", 1], ["evening dress, blue", 1]], "party dress, green": [["compression shorts, green", 1], ["skinny pants, black", 1], ["long coat, green", 1]], "compression shorts, green": [["t-shirt, green", 5], ["polo, green", 3], ["party dress, green", 1]], "long coat, blue": [["denim shorts, blue", 1], ["wide-leg pants, blue", 1], ["cargo pants, black", 1]], "leggings, green": [["casual dress, green", 1], ["peacoat, brown", 1], ["t-shirt, green", 1]], "casual dress, green": [["skirt, green", 2], ["Compression top, green", 2], ["polo, green", 2]], "dinner jacket, beige": [["chino pants, brown", 1], ["skinny pants, beige", 1], ["cocktail dress, red", 1]], "denim pants, red": [["t-shirt, red", 2], ["cardigan, grey", 1], ["leather jacket, beige", 1]], "cardigan, grey": [["denim pants, red", 1], ["denim pants, off white", 1], ["compression shorts, white", 1]], "compression shorts, grey": [["polo, grey", 2], ["t-shirt, grey", 2], ["t-shirt, beige", 1]], "bomber jacket, brown": [["denim pants, blue", 1], ["skinny pants, maroon", 1]], "chino pants, navy": [["suit jacket, blue", 2], ["tuxedo, navy", 2], ["leather jacket, navy", 1]], "leather jacket, navy": [["chino pants, navy", 1], ["denim pants, off white", 1], ["chino shorts, red", 1]], "track jacket, white": [["chino shorts, black", 2], ["cargo pants, black", 2], ["track pants, black", 1]], "evening dress, purple": [["evening dress, purple", 2], ["skinny pants, purple", 2], ["Compression top, purple", 2]], "dinner jacket, brown": [["evening dress, purple", 1], ["cargo pants, brown", 1], ["evening dress, brown", 1]], "cargo shorts, beige": [["collar shirt, white", 2], ["collar shirt, cream", 1], ["tank top, off white", 1]], "collar shirt, cream": [["cargo shorts, beige", 1], ["denim shorts, off white", 1], ["cocktail dress, grey", 1]], "tank top, red": [["cycling shorts, red", 1], ["cycling shorts, orange", 1], ["leggings, red", 1]], "track shorts, off white": [["t-shirt, off white", 1], ["track jacket, black", 1], ["bomber jacket, white", 1]], "t-shirt, white": [["denim shorts, off white", 9], ["chino shorts, black", 5], ["chino shorts, blue", 4]], "polo, brown": [["cycling shorts, beige", 1], ["skirt, beige", 1], ["sweatpants, brown", 1]], "cycling shorts, beige": [["t-shirt, beige", 6], ["t-shirt, brown", 4], ["t-shirt, off white", 3]], "blouse, navy": [["skirt, black", 2], ["chino pants, white", 1], ["chino shorts, black", 1]], "Compression top, pink": [["compression shorts, pink", 3], ["chino pants, pink", 2], ["skirt, off white", 2]], "casual dress, black": [["blazer, blue", 1], ["cocktail dress, grey", 1], ["compression shorts, red", 1]], "blazer, blue": [["casual dress, black", 1], ["track pants, black", 1], ["chino pants, off white", 1]], "trench coat, off white": [["skirt, off white", 3], ["cargo shorts, white", 2], ["denim pants, off white", 1]], "t-shirt, blue": [["compression shorts, blue", 7], ["cycling shorts, blue", 5], ["denim pants, blue", 4]], "cardigan, black": [["denim pants, black", 3], ["skirt, black", 3], ["denim pants, off white", 2]], "track jacket, blue": [["denim pants, black", 1], ["cycling shorts, grey", 1], ["cycling shorts, blue", 1]], "chino shorts, white": [["shirt jacket, white", 3], ["collar shirt, white", 2], ["collar shirt, purple", 2]], "evening dress, navy": [["tuxedo, navy", 2], ["wide-leg pants, navy", 2], ["hoodie, black", 1]], "peacoat, maroon": [["wide-leg pants, maroon", 4], ["cycling shorts, maroon", 2], ["sweatpants, maroon", 2]], "cycling shorts, maroon": [["polo, maroon", 4], ["t-shirt, maroon", 3], ["t-shirt, white", 3]], "track pants, white": [["polo, white", 1], ["cocktail dress, off white", 1]], "cargo shorts, blue": [["t-shirt, blue", 4], ["t-shirt, white", 2], ["tank top, off white", 2]], "cardigan, maroon": [["cargo shorts, blue", 1], ["skirt, maroon", 1], ["cargo pants, black", 1]], "chino pants, gold": [["Compression top, black", 1], ["t-shirt, brown", 1], ["evening dress, gold", 1]], "Compression top, black": [["chino shorts, black", 5], ["chino pants, black", 2], ["track shorts, black", 2]], "biker jacket, white": [["denim pants, blue", 2], ["cargo shorts, blue", 1], ["cargo pants, black", 1]], "compression shorts, purple": [["tuxedo, purple", 4], ["polo, purple", 3], ["t-shirt, purple", 3]], "chino pants, green": [["t-shirt, white", 2], ["collar shirt, green", 1], ["Compression top, pink", 1]], "collar shirt, green": [["cycling shorts, green", 2], ["compression shorts, beige", 2], ["chino pants, green", 1]], "skinny pants, black": [["suit jacket, black", 2], ["gillet, black", 1], ["gillet, red", 1]], "suit jacket, black": [["skinny pants, black", 2], ["wide-leg pants, black", 2], ["cargo pants, black", 2]], "cargo shorts, cream": [["polo, red", 1], ["turtleneck, yellow", 1], ["Compression top, white", 1]], "polo, red": [["cocktail dress, red", 3], ["cargo shorts, red", 2], ["cycling shorts, orange", 2]], "turtleneck, white": [["track pants, black", 1], ["leggings, off white", 1], ["skirt, black", 1]], "track shorts, brown": [["gillet, white", 1], ["party dress, green", 1], ["blouse, black", 1]], "collar shirt, white": [["skirt, off white", 4], ["chino shorts, black", 4], ["denim pants, blue", 3]], "skinny pants, maroon": [["dinner jacket, red", 1], ["Compression top, maroon", 1], ["party dress, off white", 1]], "dinner jacket, red": [["skinny pants, maroon", 1], ["evening dress, black", 1], ["chino pants, navy", 1]], "maxi dress, green": [["Compression top, green", 1], ["cargo pants, white", 1]], "Compression top, green": [["cycling shorts, green", 4], ["cargo pants, green", 2], ["casual dress, green", 2]], "track jacket, pink": [["denim pants, blue", 2], ["cargo pants, grey", 1], ["compression shorts, white", 1]], "polo, beige": [["cycling shorts, beige", 2], ["casual dress, white", 1], ["compression shorts, cream", 1]], "casual dress, white": [["compression shorts, off white", 2], ["party dress, pink", 2], ["denim shorts, off white", 2]], "cycling shorts, blue": [["t-shirt, blue", 5], ["tuxedo, blue", 2], ["Compression top, off white", 2]], "evening dress, green": [["evening dress, green", 4], ["wide-leg pants, green", 3], ["collar shirt, gold", 1]], "collar shirt, gold": [["evening dress, green", 1], ["skirt, grey", 1], ["denim pants, gold", 1]], "chino shorts, red": [["t-shirt, red", 5], ["bomber jacket, red", 2], ["t-shirt, maroon", 2]], "bomber jacket, red": [["chino shorts, red", 2], ["denim pants, blue", 2], ["denim pants, black", 2]], "cocktail dress, white": [["Compression top, beige", 1], ["tailored pants, maroon", 1], ["Compression top, cream", 1]], "Compression top, blue": [["denim pants, blue", 2], ["chino shorts, white", 1], ["wide-leg pants, blue", 1]], "chino shorts, blue": [["t-shirt, white", 4], ["t-shirt, red", 2], ["tank top, off white", 2]], "sweater, purple": [["chino shorts, black", 1], ["denim pants, off white", 1], ["denim pants, purple", 1]], "biker jacket, orange": [["cocktail dress, off white", 1], ["cargo shorts, orange", 1]], "skirt, pink": [["gillet, pink", 2], ["t-shirt, pink", 2], ["t-shirt, beige", 2]], "skirt, off white": [["collar shirt, white", 4], ["collar shirt, black", 3], ["blouse, off white", 3]], "bomber jacket, yellow": [["chino shorts, black", 2], ["cargo pants, black", 1], ["skinny pants, black", 1]], "cargo pants, maroon": [["evening dress, maroon", 2], ["sweater, maroon", 1], ["gillet, maroon", 1]], "sweater, maroon": [["skirt, maroon", 4], ["denim pants, blue", 2], ["cargo pants, maroon", 1]], "evening dress, pink": [["evening dress, pink", 10], ["gillet, pink", 6], ["t-shirt, pink", 2]], "track jacket, maroon": [["evening dress, pink", 1], ["skinny pants, beige", 1], ["skirt, navy", 1]], "knitwear, orange": [["cargo shorts, beige", 1], ["compression shorts, orange", 1], ["skinny pants, orange", 1]], "t-shirt, brown": [["cycling shorts, brown", 5], ["cycling shorts, beige", 4], ["skirt, brown", 4]], "cargo shorts, purple": [["polo, purple", 2], ["dinner jacket, brown", 1], ["maxi dress, purple", 1]], "polo, purple": [["cycling shorts, purple", 6], ["compression shorts, purple", 3], ["cargo shorts, purple", 2]], "cocktail dress, purple": [["Compression top, purple", 3], ["t-shirt, purple", 2], ["skirt, purple", 2]], "Compression top, purple": [["cocktail dress, purple", 3], ["chino shorts, black", 2], ["evening dress, purple", 2]], "party dress, blue": [["t-shirt, blue", 2], ["Compression top, white", 1], ["tuxedo, blue", 1]], "Compression top, white": [["leggings, off white", 2], ["cocktail dress, off white", 2], ["denim pants, black", 2]], "sweatpants, maroon": [["peacoat, maroon", 2], ["t-shirt, maroon", 2], ["hoodie, black", 1]], "denim shorts, brown": [["gillet, red", 1], ["polo, cream", 1], ["t-shirt, beige", 1]], "cocktail dress, beige": [["t-shirt, beige", 2], ["gillet, gold", 1], ["cargo shorts, black", 1]], "gillet, gold": [["cocktail dress, beige", 1], ["denim pants, beige", 1], ["skirt, black", 1]], "leggings, off white": [["gillet, beige", 3], ["collar shirt, pink", 3], ["bomber jacket, beige", 3]], "t-shirt, grey": [["chino pants, off white", 2], ["compression shorts, grey", 2], ["casual dress, grey", 2]], "cargo shorts, pink": [["t-shirt, pink", 4], ["collar shirt, pink", 3], ["Compression top, off white", 2]], "collar shirt, pink": [["denim shorts, off white", 4], ["cargo shorts, pink", 3], ["leggings, off white", 3]], "suit jacket, beige": [["denim pants, blue", 3], ["cargo pants, beige", 2], ["evening dress, beige", 2]], "compression shorts, white": [["track jacket, white", 1], ["leather jacket, off white", 1], ["suit jacket, white", 1]], "turtleneck, yellow": [["cargo shorts, cream", 1]], "cycling shorts, green": [["t-shirt, green", 7], ["Compression top, green", 4], ["t-shirt, off white", 3]], "sweater, navy": [["denim pants, blue", 4], ["cycling shorts, green", 1], ["skirt, grey", 1]], "denim pants, brown": [["cardigan, purple", 1], ["t-shirt, pink", 1], ["dinner jacket, maroon", 1]], "cardigan, purple": [["denim pants, blue", 2], ["denim pants, purple", 2], ["denim pants, brown", 1]], "cardigan, brown": [["denim pants, black", 1], ["denim pants, blue", 1], ["sweatpants, brown", 1]], "skinny pants, brown": [["t-shirt, brown", 3], ["evening dress, brown", 2], ["suit jacket, beige", 1]], "collar shirt, red": [["denim pants, blue", 3], ["chino pants, pink", 3], ["skirt, off white", 2]], "bomber jacket, beige": [["denim pants, blue", 4], ["leggings, off white", 3], ["denim pants, off white", 2]], "collar shirt, maroon": [["denim pants, blue", 2], ["wide-leg pants, maroon", 2], ["skirt, maroon", 2]], "blazer, beige": [["denim pants, off white", 1], ["denim pants, pink", 1]], "military jacket, yellow": [["cargo shorts, off white", 1], ["denim pants, off white", 1]], "evening dress, beige": [["evening dress, beige", 4], ["tank top, beige", 2], ["suit jacket, beige", 2]], "denim shorts, gold": [["evening dress, beige", 1], ["hoodie, off white", 1], ["knitwear, beige", 1]], "leather jacket, off white": [["skirt, purple", 1], ["compression shorts, white", 1], ["leggings, gold", 1]], "skirt, purple": [["t-shirt, purple", 4], ["party dress, purple", 3], ["collar shirt, purple", 3]], "skirt, orange": [["t-shirt, orange", 4], ["tank top, off white", 3], ["gillet, orange", 3]], "tank top, off white": [["cycling shorts, grey", 5], ["skirt, orange", 3], ["cycling shorts, white", 3]], "chino shorts, pink": [["t-shirt, pink", 5], ["tank top, off white", 3], ["t-shirt, white", 2]], "skirt, brown": [["t-shirt, brown", 4], ["collar shirt, off white", 3], ["party dress, black", 2]], "tank top, brown": [["cycling shorts, brown", 2], ["skirt, brown", 1], ["skirt, maroon", 1]], "trench coat, yellow": [["cargo pants, off white", 1], ["casual dress, yellow", 1], ["denim shorts, off white", 1]], "compression shorts, gold": [["peacoat, gold", 2], ["t-shirt, gold", 2], ["evening dress, yellow", 1]], "evening dress, yellow": [["evening dress, yellow", 4], ["wide-leg pants, yellow", 3], ["t-shirt, gold", 2]], "biker jacket, blue": [["cargo pants, blue", 2], ["denim pants, off white", 2], ["chino shorts, blue", 1]], "cocktail dress, pink": [["Compression top, pink", 2], ["party dress, pink", 1], ["wide-leg pants, white", 1]], "cargo pants, purple": [["hoodie, purple", 3], ["t-shirt, purple", 2], ["maxi dress, navy", 1]], "maxi dress, navy": [["cargo pants, purple", 1], ["cargo pants, off white", 1]], "sweatpants, white": [["cocktail dress, off white", 2], ["t-shirt, black", 1], ["sweater, white", 1]], "t-shirt, cream": [["compression shorts, cream", 3], ["cycling shorts, beige", 2], ["chino shorts, pink", 1]], "denim pants, pink": [["hoodie, pink", 2], ["t-shirt, black", 1], ["t-shirt, beige", 1]], "evening dress, cream": [["peacoat, white", 1], ["gillet, beige", 1], ["cocktail dress, beige", 1]], "cargo shorts, red": [["t-shirt, red", 3], ["polo, red", 2], ["down jacket, red", 2]], "leggings, pink": [["t-shirt, white", 1], ["Compression top, pink", 1], ["t-shirt, black", 1]], "wide-leg pants, black": [["Compression top, beige", 2], ["suit jacket, black", 2], ["trench coat, cream", 2]], "suit jacket, navy": [["sweatpants, black", 2], ["wide-leg pants, black", 1], ["chino pants, black", 1]], "cargo pants, brown": [["suit jacket, brown", 2], ["t-shirt, brown", 2], ["shirt jacket, beige", 1]], "skirt, blue": [["t-shirt, blue", 3], ["collar shirt, blue", 3], ["t-shirt, beige", 2]], "turtleneck, navy": [["skirt, blue", 1], ["skinny pants, blue", 1], ["chino pants, navy", 1]], "suit jacket, pink": [["leggings, off white", 2], ["cargo pants, off white", 2], ["cycling shorts, pink", 1]], "denim pants, white": [["cocktail dress, brown", 1], ["Compression top, grey", 1], ["collar shirt, pink", 1]], "track shorts, black": [["Compression top, black", 2], ["sweater, brown", 1], ["sweater, purple", 1]], "sweater, brown": [["denim pants, blue", 2], ["denim pants, off white", 2], ["track shorts, black", 1]], "turtleneck, green": [["evening dress, green", 1]], "duffle coat, red": [["denim pants, black", 2], ["denim pants, blue", 1], ["skirt, black", 1]], "knitwear, black": [["compression shorts, black", 2], ["casual dress, black", 1], ["denim pants, black", 1]], "track jacket, brown": [["sweatpants, off white", 1], ["denim pants, off white", 1], ["cargo shorts, green", 1]], "shirt jacket, off white": [["denim shorts, white", 2], ["cycling shorts, beige", 1], ["chino pants, brown", 1]], "wide-leg pants, off white": [["cocktail dress, off white", 4], ["evening dress, off white", 2], ["casual dress, off white", 2]], "turtleneck, off white": [["wide-leg pants, off white", 1], ["evening dress, beige", 1], ["denim pants, blue", 1]], "polo, blue": [["cycling shorts, blue", 2], ["denim shorts, white", 1], ["sweatpants, blue", 1]], "bomber jacket, green": [["denim pants, off white", 4], ["denim pants, black", 4], ["denim pants, blue", 2]], "compression shorts, beige": [["t-shirt, beige", 4], ["t-shirt, white", 3], ["knitwear, beige", 2]], "sweatpants, blue": [["t-shirt, blue", 2], ["gillet, blue", 2], ["evening dress, blue", 1]], "cargo shorts, maroon": [["t-shirt, maroon", 2], ["evening dress, maroon", 1], ["suit jacket, maroon", 1]], "skinny pants, beige": [["dinner jacket, beige", 1], ["track jacket, maroon", 1], ["suit jacket, orange", 1]], "wide-leg pants, red": [["tank top, off white", 1], ["evening dress, red", 1], ["dinner jacket, white", 1]], "track shorts, navy": [["t-shirt, white", 2], ["t-shirt, navy", 2], ["casual dress, navy", 1]], "casual dress, navy": [["track shorts, navy", 1], ["t-shirt, white", 1], ["cocktail dress, beige", 1]], "cycling shorts, black": [["polo, black", 3], ["t-shirt, black", 2], ["biker jacket, grey", 1]], "biker jacket, grey": [["denim pants, blue", 2], ["cycling shorts, black", 1], ["chino shorts, black", 1]], "long coat, yellow": [["cycling shorts, orange", 1], ["cocktail dress, yellow", 1], ["cargo pants, off white", 1]], "cargo pants, cream": [["trench coat, beige", 1], ["long coat, brown", 1], ["t-shirt, beige", 1]], "trench coat, beige": [["cargo pants, cream", 1], ["party dress, beige", 1], ["tailored pants, beige", 1]], "down jacket, black": [["cargo pants, white", 1], ["cargo pants, maroon", 1], ["cargo pants, off white", 1]], "track pants, green": [["t-shirt, white", 1], ["suit jacket, white", 1]], "denim pants, gold": [["collar shirt, gold", 1], ["tuxedo, blue", 1], ["suit jacket, white", 1]], "cocktail dress, black": [["cocktail dress, black", 4], ["suit jacket, grey", 1], ["cardigan, beige", 1]], "suit jacket, grey": [["denim pants, off white", 2], ["cocktail dress, black", 1], ["denim pants, blue", 1]], "t-shirt, yellow": [["cycling shorts, yellow", 6], ["denim shorts, off white", 3], ["compression shorts, yellow", 2]], "chino pants, off white": [["t-shirt, off white", 2], ["suit jacket, white", 2], ["hoodie, white", 2]], "cocktail dress, red": [["polo, red", 3], ["chino pants, off white", 1], ["knitwear, brown", 1]], "chino pants, maroon": [["suit jacket, maroon", 3], ["dinner jacket, brown", 1], ["long coat, red", 1]], "suit jacket, maroon": [["chino pants, maroon", 3], ["evening dress, maroon", 2], ["denim pants, black", 1]], "skirt, yellow": [["casual dress, yellow", 2], ["collar shirt, white", 2], ["polo, yellow", 2]], "cycling shorts, pink": [["t-shirt, pink", 5], ["collar shirt, pink", 3], ["gillet, pink", 2]], "collar shirt, purple": [["skirt, purple", 3], ["cycling shorts, purple", 3], ["chino shorts, white", 2]], "long coat, black": [["maxi dress, black", 1], ["evening dress, off white", 1], ["chino pants, black", 1]], "maxi dress, black": [["long coat, black", 1], ["wide-leg pants, off white", 1], ["collar shirt, black", 1]], "cargo shorts, black": [["t-shirt, off white", 3], ["t-shirt, white", 1], ["cocktail dress, beige", 1]], "casual dress, purple": [["skirt, purple", 2], ["wide-leg pants, purple", 1], ["cargo shorts, blue", 1]], "denim pants, navy": [["down jacket, red", 1], ["biker jacket, white", 1], ["duffle coat, pink", 1]], "down jacket, red": [["cargo shorts, red", 2], ["denim pants, navy", 1], ["chino shorts, black", 1]], "duffle coat, brown": [["denim pants, black", 3], ["chino pants, black", 1], ["cargo shorts, off white", 1]], "cocktail dress, orange": [["polo, orange", 2], ["skirt, red", 1], ["skirt, maroon", 1]], "skirt, red": [["t-shirt, red", 3], ["t-shirt, maroon", 2], ["collar shirt, black", 2]], "sweater, off white": [["cycling shorts, beige", 2], ["cargo shorts, blue", 2], ["denim pants, off white", 2]], "compression shorts, yellow": [["t-shirt, yellow", 2], ["t-shirt, gold", 2], ["tuxedo, yellow", 1]], "tuxedo, yellow": [["compression shorts, yellow", 1], ["party dress, cream", 1], ["party dress, yellow", 1]], "chino pants, blue": [["t-shirt, blue", 3], ["collar shirt, beige", 2], ["gillet, blue", 2]], "cardigan, navy": [["denim pants, blue", 2], ["chino pants, blue", 1], ["denim shorts, off white", 1]], "wide-leg pants, navy": [["evening dress, navy", 2], ["shirt jacket, navy", 1], ["polo, white", 1]], "shirt jacket, navy": [["wide-leg pants, navy", 1], ["cargo pants, black", 1], ["casual dress, navy", 1]], "sweater, pink": [["sweatpants, red", 1], ["casual dress, beige", 1], ["denim pants, blue", 1]], "leggings, red": [["peacoat, white", 2], ["hoodie, navy", 1], ["leather jacket, red", 1]], "maxi dress, purple": [["cargo shorts, purple", 1], ["cardigan, purple", 1], ["peacoat, purple", 1]], "wide-leg pants, blue": [["cardigan, off white", 2], ["cocktail dress, white", 1], ["Compression top, blue", 1]], "skirt, green": [["casual dress, green", 2], ["hooded jacket, brown", 2], ["collar shirt, off white", 1]], "peacoat, gold": [["compression shorts, gold", 2], ["skirt, yellow", 2], ["compression shorts, beige", 1]], "casual dress, beige": [["t-shirt, beige", 2], ["wide-leg pants, beige", 1], ["sweatpants, orange", 1]], "wide-leg pants, beige": [["shirt jacket, beige", 2], ["casual dress, beige", 1], ["t-shirt, beige", 1]], "compression shorts, blue": [["t-shirt, blue", 7], ["tuxedo, blue", 4], ["mini dress, blue", 1]], "gillet, beige": [["leggings, off white", 3], ["wide-leg pants, beige", 1], ["track pants, black", 1]], "hooded jacket, red": [["denim pants, black", 1], ["leggings, brown", 1], ["chino shorts, black", 1]], "polo, green": [["compression shorts, green", 3], ["cargo shorts, green", 3], ["casual dress, green", 2]], "tuxedo, pink": [["compression shorts, pink", 4], ["cargo shorts, pink", 2], ["track shorts, pink", 1]], "track shorts, pink": [["tuxedo, pink", 1], ["shirt jacket, white", 1], ["t-shirt, white", 1]], "cycling shorts, navy": [["blouse, blue", 1], ["t-shirt, brown", 1], ["tuxedo, gold", 1]], "blouse, blue": [["cycling shorts, navy", 1], ["denim shorts, off white", 1], ["skirt, gold", 1]], "leggings, purple": [["peacoat, white", 2], ["peacoat, purple", 2], ["t-shirt, purple", 1]], "skirt, beige": [["t-shirt, beige", 3], ["collar shirt, beige", 2], ["Compression top, beige", 2]], "chino pants, beige": [["sweater, beige", 2], ["cardigan, white", 1], ["duffle coat, brown", 1]], "sweater, beige": [["denim pants, blue", 5], ["chino pants, beige", 2], ["leggings, off white", 2]], "leggings, beige": [["collar shirt, off white", 1], ["long coat, brown", 1], ["t-shirt, beige", 1]], "leggings, blue": [["t-shirt, navy", 1], ["t-shirt, off white", 1], ["polo, black", 1]], "t-shirt, navy": [["skirt, navy", 2], ["compression shorts, navy", 2], ["track shorts, navy", 2]], "polo, black": [["sweatpants, black", 3], ["cycling shorts, black", 3], ["evening dress, black", 2]], "cocktail dress, maroon": [["skirt, maroon", 4], ["t-shirt, maroon", 3], ["cycling shorts, maroon", 1]], "wide-leg pants, orange": [["t-shirt, orange", 2], ["t-shirt, brown", 2], ["cocktail dress, off white", 1]], "chino pants, yellow": [["t-shirt, beige", 1], ["t-shirt, black", 1], ["trench coat, black", 1]], "tank top, blue": [["cycling shorts, maroon", 1], ["compression shorts, blue", 1], ["denim shorts, off white", 1]], "cocktail dress, cream": [["compression shorts, off white", 1], ["compression shorts, gold", 1], ["track shorts, gold", 1]], "cargo shorts, green": [["polo, green", 3], ["knitwear, green", 2], ["t-shirt, green", 2]], "military jacket, pink": [["cargo shorts, green", 1]], "hoodie, purple": [["cargo pants, purple", 3], ["sweatpants, purple", 2], ["track shorts, purple", 1]], "casual dress, cream": [["wide-leg pants, cream", 1], ["polo, beige", 1], ["skirt, beige", 1]], "wide-leg pants, cream": [["casual dress, cream", 1], ["party dress, white", 1]], "duffle coat, beige": [["denim pants, blue", 3], ["skinny pants, off white", 1], ["chino pants, black", 1]], "t-shirt, green": [["cycling shorts, green", 7], ["compression shorts, green", 5], ["cargo pants, green", 2]], "party dress, navy": [["t-shirt, off white", 1], ["compression shorts, off white", 1], ["track shorts, black", 1]], "wide-leg pants, white": [["suit jacket, off white", 1], ["gillet, black", 1], ["long coat, off white", 1]], "wide-leg pants, grey": [["evening dress, grey", 3], ["suit jacket, white", 2], ["collar shirt, grey", 1]], "collar shirt, grey": [["skirt, off white", 2], ["wide-leg pants, grey", 1], ["compression shorts, gold", 1]], "leather jacket, brown": [["denim pants, black", 2], ["chino shorts, black", 2], ["cargo pants, black", 1]], "track pants, red": [["peacoat, maroon", 1], ["collar shirt, white", 1], ["collar shirt, beige", 1]], "tuxedo, beige": [["cycling shorts, white", 1], ["denim pants, off white", 1], ["casual dress, pink", 1]], "cargo shorts, orange": [["t-shirt, orange", 2], ["biker jacket, orange", 1], ["polo, red", 1]], "hoodie, orange": [["cocktail dress, orange", 1], ["skirt, beige", 1], ["chino shorts, off white", 1]], "knitwear, brown": [["cocktail dress, red", 1], ["party dress, brown", 1], ["compression shorts, brown", 1]], "wide-leg pants, pink": [["evening dress, pink", 2], ["t-shirt, pink", 2], ["long coat, white", 1]], "hooded jacket, green": [["cycling shorts, green", 1], ["denim pants, blue", 1], ["denim pants, off white", 1]], "duffle coat, maroon": [["skinny pants, black", 1], ["denim pants, off white", 1], ["cocktail dress, off white", 1]], "gillet, navy": [["track shorts, black", 1], ["compression shorts, cream", 1], ["skirt, navy", 1]], "gillet, pink": [["evening dress, pink", 6], ["chino shorts, pink", 2], ["cargo pants, pink", 2]], "tank top, grey": [["cargo shorts, blue", 1], ["cocktail dress, grey", 1], ["skirt, gold", 1]], "compression shorts, pink": [["t-shirt, pink", 6], ["tuxedo, pink", 4], ["Compression top, pink", 3]], "gillet, orange": [["skirt, orange", 3], ["denim pants, black", 1], ["chino shorts, navy", 1]], "casual dress, grey": [["cargo pants, black", 2], ["t-shirt, grey", 2], ["cargo pants, white", 1]], "evening dress, brown": [["t-shirt, brown", 3], ["collar shirt, brown", 2], ["evening dress, beige", 2]], "denim pants, beige": [["turtleneck, brown", 1], ["collar shirt, white", 1], ["gillet, gold", 1]], "turtleneck, brown": [["denim pants, beige", 1], ["denim pants, blue", 1], ["chino shorts, brown", 1]], "peacoat, off white": [["denim pants, off white", 1], ["mini dress, black", 1]], "cycling shorts, cream": [["t-shirt, beige", 2], ["gillet, beige", 1], ["tuxedo, gold", 1]], "polo, pink": [["compression shorts, pink", 2], ["cycling shorts, white", 1], ["denim shorts, pink", 1]], "bomber jacket, blue": [["cargo shorts, blue", 1], ["skirt, black", 1], ["chino shorts, yellow", 1]], "t-shirt, gold": [["denim shorts, black", 2], ["evening dress, yellow", 2], ["chino shorts, gold", 2]], "cycling shorts, gold": [["t-shirt, gold", 1], ["t-shirt, black", 1], ["trench coat, gold", 1]], "duffle coat, purple": [["denim pants, purple", 1], ["cargo pants, off white", 1], ["cargo pants, purple", 1]], "collar shirt, yellow": [["denim pants, blue", 4], ["cycling shorts, yellow", 2], ["denim shorts, blue", 2]], "track pants, off white": [["tuxedo, white", 2], ["gillet, black", 1], ["hoodie, white", 1]], "gillet, black": [["track pants, off white", 1], ["chino pants, red", 1], ["skirt, off white", 1]], "hoodie, pink": [["denim pants, pink", 2], ["cargo pants, maroon", 1], ["chino shorts, black", 1]], "hoodie, brown": [["sweatpants, brown", 3], ["wide-leg pants, brown", 2], ["skirt, beige", 1]], "denim shorts, cream": [["blouse, navy", 1], ["t-shirt, cream", 1]], "peacoat, orange": [["cycling shorts, orange", 1], ["denim pants, black", 1], ["cocktail dress, orange", 1]], "sweatpants, green": [["sundress, off white", 1], ["cardigan, green", 1], ["Compression top, green", 1]], "sundress, off white": [["sweatpants, green", 1], ["knitwear, off white", 1]], "track shorts, cream": [["t-shirt, cream", 1]], "hoodie, red": [["sweatpants, red", 2], ["compression shorts, black", 1], ["track shorts, red", 1]], "dinner jacket, white": [["cocktail dress, off white", 1], ["sundress, black", 1], ["wide-leg pants, red", 1]], "skirt, navy": [["t-shirt, navy", 2], ["t-shirt, beige", 1], ["Compression top, navy", 1]], "chino pants, red": [["shirt jacket, red", 2], ["t-shirt, red", 1], ["gillet, black", 1]], "shirt jacket, red": [["chino pants, red", 2], ["chino shorts, black", 1], ["chino pants, black", 1]], "long coat, beige": [["skinny pants, black", 1], ["cocktail dress, yellow", 1], ["wide-leg pants, brown", 1]], "long coat, brown": [["wide-leg pants, brown", 2], ["skinny pants, maroon", 1], ["sweatpants, brown", 1]], "shirt jacket, black": [["denim pants, blue", 2], ["chino shorts, black", 2], ["wide-leg pants, black", 1]], "cargo shorts, white": [["trench coat, off white", 2], ["hooded jacket, white", 1], ["casual dress, off white", 1]], "hooded jacket, white": [["denim pants, blue", 3], ["wide-leg pants, black", 2], ["cargo shorts, white", 1]], "Compression top, red": [["skirt, off white", 2], ["denim pants, blue", 1], ["skirt, red", 1]], "chino pants, black": [["evening dress, black", 2], ["t-shirt, white", 2], ["bomber jacket, white", 2]], "hooded jacket, black": [["denim pants, blue", 2], ["chino pants, black", 1], ["evening dress, off white", 1]], "suit jacket, white": [["chino pants, off white", 2], ["wide-leg pants, off white", 2], ["cargo pants, white", 2]], "sweatpants, black": [["polo, black", 3], ["dinner jacket, black", 2], ["suit jacket, navy", 2]], "shirt jacket, blue": [["denim pants, off white", 3], ["denim pants, blue", 1], ["cycling shorts, white", 1]], "sweater, green": [["denim pants, off white", 2], ["cargo pants, white", 1], ["denim pants, blue", 1]], "tank top, beige": [["evening dress, beige", 2], ["denim shorts, white", 1], ["cocktail dress, off white", 1]], "peacoat, cream": [["compression shorts, beige", 2], ["compression shorts, off white", 1], ["evening dress, off white", 1]], "biker jacket, black": [["denim pants, black", 2], ["chino pants, grey", 1], ["denim pants, off white", 1]], "collar shirt, navy": [["denim shorts, off white", 1], ["chino shorts, black", 1], ["track pants, pink", 1]], "track shorts, gold": [["cocktail dress, cream", 1], ["dinner jacket, black", 1], ["t-shirt, yellow", 1]], "cargo shorts, yellow": [["peacoat, gold", 1], ["hoodie, gold", 1], ["t-shirt, gold", 1]], "chino shorts, yellow": [["peacoat, white", 1], ["bomber jacket, blue", 1], ["casual dress, beige", 1]], "trench coat, pink": [["denim pants, pink", 1], ["skinny pants, red", 1], ["casual dress, brown", 1]], "denim shorts, pink": [["polo, pink", 1], ["casual dress, white", 1], ["party dress, pink", 1]], "sweatpants, brown": [["hoodie, brown", 3], ["peacoat, brown", 2], ["long coat, brown", 1]], "denim shorts, maroon": [["peacoat, maroon", 1], ["t-shirt, red", 1], ["blouse, maroon", 1]], "cargo pants, beige": [["suit jacket, beige", 2], ["casual dress, off white", 1], ["knitwear, beige", 1]], "duffle coat, navy": [["denim pants, blue", 3], ["track pants, off white", 1], ["chino pants, black", 1]], "skinny pants, white": [["hoodie, beige", 1], ["evening dress, off white", 1], ["gillet, red", 1]], "hoodie, beige": [["skinny pants, white", 1], ["chino pants, grey", 1], ["chino pants, white", 1]], "blouse, maroon": [["denim shorts, maroon", 1], ["wide-leg pants, maroon", 1], ["denim pants, red", 1]], "trench coat, white": [["denim pants, blue", 2], ["compression shorts, white", 1], ["cargo shorts, beige", 1]], "tuxedo, purple": [["compression shorts, purple", 4], ["skirt, purple", 3], ["sweatpants, purple", 2]], "long coat, red": [["denim pants, red", 1], ["denim pants, black", 1], ["evening dress, off white", 1]], "hooded jacket, brown": [["skirt, green", 2], ["denim pants, black", 1], ["skirt, black", 1]], "evening dress, red": [["t-shirt, red", 3], ["sweatpants, red", 1], ["t-shirt, maroon", 1]], "maxi dress, red": [["t-shirt, red", 1], ["knitwear, red", 1], ["cocktail dress, pink", 1]], "sweatpants, yellow": [["bomber jacket, white", 1], ["t-shirt, maroon", 1], ["down jacket, yellow", 1]], "chino shorts, gold": [["t-shirt, gold", 2], ["cocktail dress, white", 1], ["casual dress, off white", 1]], "wide-leg pants, yellow": [["evening dress, yellow", 3], ["gillet, yellow", 2], ["t-shirt, brown", 1]], "maxi dress, orange": [["chino pants, grey", 1], ["t-shirt, orange", 1], ["cargo shorts, white", 1]], "knitwear, maroon": [["evening dress, maroon", 2], ["wide-leg pants, maroon", 1], ["cargo shorts, maroon", 1]], "shirt jacket, pink": [["chino pants, pink", 1], ["skirt, black", 1], ["denim pants, pink", 1]], "cycling shorts, brown": [["t-shirt, brown", 5], ["tank top, brown", 2], ["t-shirt, off white", 2]], "cardigan, blue": [["denim pants, blue", 3], ["denim pants, black", 2], ["evening dress, off white", 1]], "leather jacket, maroon": [["chino pants, black", 1], ["chino shorts, black", 1], ["denim pants, blue", 1]], "track pants, beige": [["suit jacket, grey", 1]], "knitwear, green": [["cargo shorts, green", 2], ["cargo pants, green", 1], ["denim pants, blue", 1]], "shirt jacket, grey": [["denim pants, off white", 2], ["chino pants, off white", 1], ["cargo shorts, brown", 1]], "cycling shorts, off white": [["biker jacket, off white", 2], ["track jacket, off white", 2], ["polo, yellow", 1]], "skirt, maroon": [["sweater, maroon", 4], ["cocktail dress, maroon", 4], ["t-shirt, maroon", 4]], "sweater, black": [["skirt, black", 6], ["skirt, maroon", 2], ["track pants, black", 2]], "gillet, off white": [["chino shorts, white", 2], ["skirt, black", 2], ["maxi dress, grey", 1]], "Compression top, off white": [["chino shorts, black", 3], ["cargo shorts, pink", 2], ["cycling shorts, grey", 2]], "cocktail dress, yellow": [["chino shorts, gold", 1], ["t-shirt, blue", 1], ["long coat, beige", 1]], "shirt jacket, yellow": [["chino shorts, blue", 1], ["denim pants, off white", 1]], "tailored pants, white": [["Compression top, navy", 1], ["casual dress, white", 1], ["suit jacket, off white", 1]], "Compression top, navy": [["tailored pants, white", 1], ["cycling shorts, off white", 1], ["skirt, navy", 1]], "gillet, yellow": [["wide-leg pants, yellow", 2], ["compression shorts, blue", 1], ["compression shorts, gold", 1]], "track jacket, green": [["track shorts, black", 1], ["cargo pants, navy", 1], ["denim pants, blue", 1]], "long coat, maroon": [["wide-leg pants, maroon", 2], ["track pants, maroon", 1], ["evening dress, maroon", 1]], "tailored pants, maroon": [["cocktail dress, white", 1], ["blouse, off white", 1], ["suit jacket, purple", 1]], "compression shorts, brown": [["t-shirt, brown", 3], ["casual dress, brown", 1], ["cocktail dress, off white", 1]], "casual dress, brown": [["compression shorts, brown", 1], ["long coat, white", 1], ["sweater, beige", 1]], "casual dress, orange": [["skirt, orange", 2], ["casual dress, orange", 2], ["t-shirt, maroon", 1]], "cargo pants, grey": [["track jacket, pink", 1], ["Compression top, grey", 1], ["bomber jacket, blue", 1]], "tank top, white": [["denim pants, off white", 1], ["cycling shorts, pink", 1], ["denim shorts, orange", 1]], "tailored pants, blue": [["cardigan, black", 1], ["knitwear, beige", 1], ["Compression top, off white", 1]], "knitwear, red": [["evening dress, maroon", 1], ["cocktail dress, red", 1], ["wide-leg pants, red", 1]], "skirt, gold": [["dinner jacket, gold", 1], ["Compression top, red", 1], ["collar shirt, green", 1]], "dinner jacket, gold": [["skirt, gold", 1], ["cocktail dress, blue", 1]], "skinny pants, blue": [["dinner jacket, blue", 2], ["trench coat, white", 1], ["bomber jacket, red", 1]], "tuxedo, maroon": [["wide-leg pants, maroon", 3], ["sweatpants, red", 1], ["sweatpants, maroon", 1]], "collar shirt, beige": [["chino pants, blue", 2], ["skirt, beige", 2], ["skirt, maroon", 1]], "cardigan, white": [["denim pants, off white", 3], ["compression shorts, white", 1], ["chino pants, off white", 1]], "sundress, navy": [["skirt, off white", 1]], "tuxedo, green": [["cargo pants, green", 1], ["cargo shorts, blue", 1], ["wide-leg pants, green", 1]], "chino pants, orange": [["polo, white", 1], ["collar shirt, orange", 1], ["polo, cream", 1]], "track pants, purple": [["casual dress, off white", 1], ["Compression top, purple", 1], ["polo, grey", 1]], "tailored pants, pink": [["casual dress, off white", 1], ["sweater, black", 1], ["cardigan, pink", 1]], "Compression top, grey": [["leggings, off white", 2], ["sweatpants, off white", 1], ["skirt, black", 1]], "Compression top, brown": [["skirt, brown", 2], ["chino shorts, off white", 2], ["compression shorts, white", 1]], "hooded jacket, orange": [["denim pants, black", 1], ["casual dress, white", 1], ["chino pants, black", 1]], "blouse, white": [["cargo shorts, off white", 1], ["skirt, maroon", 1], ["leggings, gold", 1]], "cardigan, orange": [["denim pants, blue", 2], ["cocktail dress, off white", 1], ["party dress, red", 1]], "hoodie, white": [["chino pants, off white", 2], ["tailored pants, off white", 1], ["track pants, off white", 1]], "chino shorts, brown": [["suit jacket, beige", 1], ["casual dress, blue", 1], ["blouse, off white", 1]], "track pants, brown": [["t-shirt, brown", 1]], "bomber jacket, off white": [["cargo pants, black", 1], ["denim shorts, white", 1], ["cargo pants, blue", 1]], "Compression top, cream": [["denim pants, green", 1], ["skirt, pink", 1], ["chino shorts, off white", 1]], "compression shorts, cream": [["t-shirt, cream", 3], ["t-shirt, blue", 2], ["t-shirt, beige", 2]], "blazer, orange": [["chino shorts, blue", 1], ["cargo pants, blue", 1], ["denim pants, off white", 1]], "party dress, red": [["cocktail dress, red", 1], ["cardigan, orange", 1], ["sweatpants, red", 1]], "track jacket, beige": [["skinny pants, black", 1], ["chino pants, maroon", 1], ["cycling shorts, grey", 1]], "trench coat, blue": [["denim pants, blue", 2], ["denim pants, purple", 1]], "tailored pants, grey": [["maxi dress, grey", 1], ["suit jacket, off white", 1], ["polo, grey", 1]], "maxi dress, grey": [["tailored pants, grey", 1], ["gillet, white", 1], ["cargo shorts, beige", 1]], "skinny pants, off white": [["cardigan, white", 1], ["duffle coat, beige", 1], ["suit jacket, grey", 1]], "track pants, pink": [["polo, pink", 1], ["track jacket, pink", 1], ["cocktail dress, black", 1]], "skirt, grey": [["polo, white", 1], ["duffle coat, black", 1], ["gillet, white", 1]], "tuxedo, red": [["cargo shorts, black", 1], ["denim shorts, off white", 1], ["skirt, red", 1]], "track pants, cream": [["sweater, pink", 1], ["collar shirt, off white", 1]], "cardigan, beige": [["denim pants, blue", 4], ["cocktail dress, black", 1], ["cocktail dress, off white", 1]], "chino shorts, purple": [["t-shirt, white", 2], ["collar shirt, black", 1], ["down jacket, blue", 1]], "knitwear, beige": [["compression shorts, beige", 2], ["skirt, gold", 1], ["skirt, beige", 1]], "bomber jacket, black": [["denim pants, off white", 3], ["denim pants, blue", 3], ["skinny pants, blue", 1]], "leather jacket, blue": [["denim pants, blue", 2], ["cargo shorts, blue", 1], ["leggings, black", 1]], "chino shorts, navy": [["tank top, off white", 2], ["gillet, orange", 1], ["biker jacket, purple", 1]], "leggings, yellow": [["peacoat, white", 1], ["evening dress, black", 1]], "sweater, gold": [["chino pants, off white", 1], ["skirt, maroon", 1]], "peacoat, brown": [["wide-leg pants, brown", 2], ["skirt, beige", 2], ["sweatpants, brown", 2]], "turtleneck, beige": [["compression shorts, brown", 1], ["skinny pants, black", 1], ["compression shorts, white", 1]], "leather jacket, white": [["chino shorts, black", 1], ["skirt, white", 1], ["chino pants, navy", 1]], "cardigan, red": [["skinny pants, beige", 1], ["party dress, red", 1], ["cycling shorts, off white", 1]], "gillet, maroon": [["skirt, maroon", 1], ["cargo pants, maroon", 1], ["wide-leg pants, grey", 1]], "tuxedo, off white": [["chino pants, black", 1], ["chino pants, navy", 1], ["chino pants, yellow", 1]], "tank top, purple": [["skirt, purple", 2], ["evening dress, purple", 1], ["cycling shorts, purple", 1]], "turtleneck, cream": [["denim shorts, off white", 1], ["cycling shorts, yellow", 1], ["track shorts, navy", 1]], "tank top, orange": [["denim shorts, blue", 1], ["wide-leg pants, orange", 1], ["denim pants, blue", 1]], "suit jacket, purple": [["leggings, purple", 1], ["denim pants, purple", 1], ["compression shorts, purple", 1]], "tank top, maroon": [["cycling shorts, red", 1], ["cycling shorts, maroon", 1], ["cargo pants, black", 1]], "down jacket, pink": [["denim pants, blue", 2], ["cycling shorts, black", 1], ["skirt, orange", 1]], "chino pants, white": [["collar shirt, off white", 2], ["track jacket, black", 1], ["sweater, beige", 1]], "track jacket, black": [["chino pants, white", 1], ["cargo pants, blue", 1], ["denim pants, off white", 1]], "gillet, brown": [["wide-leg pants, brown", 1], ["cargo pants, orange", 1], ["cargo pants, red", 1]], "sweater, red": [["denim pants, blue", 2], ["chino shorts, black", 1], ["skirt, off white", 1]], "skinny pants, red": [["knitwear, red", 1], ["polo, red", 1], ["trench coat, pink", 1]], "evening dress, blue": [["tuxedo, blue", 2], ["evening dress, blue", 2], ["Compression top, blue", 1]], "party dress, maroon": [["party dress, maroon", 2], ["tuxedo, black", 1]], "sweater, grey": [["denim pants, blue", 2], ["track pants, black", 1], ["chino pants, black", 1]], "evening dress, white": [["gillet, white", 1], ["maxi dress, off white", 1], ["duffle coat, off white", 1]], "suit jacket, yellow": [["denim pants, black", 1]], "tank top, navy": [["chino shorts, white", 1], ["maxi dress, white", 1], ["evening dress, grey", 1]], "cycling shorts, purple": [["polo, purple", 6], ["t-shirt, purple", 4], ["collar shirt, purple", 3]], "denim pants, grey": [["casual dress, white", 1], ["collar shirt, brown", 1], ["t-shirt, grey", 1]], "dinner jacket, pink": [["evening dress, maroon", 1], ["denim pants, off white", 1]], "cargo shorts, brown": [["t-shirt, brown", 3], ["Compression top, pink", 1], ["t-shirt, off white", 1]], "chino pants, purple": [["t-shirt, purple", 1], ["polo, purple", 1], ["down jacket, beige", 1]], "biker jacket, maroon": [["denim pants, black", 1], ["skinny pants, off white", 1], ["denim pants, blue", 1]], "polo, cream": [["chino pants, orange", 1], ["denim shorts, off white", 1], ["cycling shorts, green", 1]], "track shorts, purple": [["hoodie, purple", 1], ["casual dress, off white", 1], ["peacoat, purple", 1]], "party dress, white": [["chino shorts, pink", 1], ["wide-leg pants, off white", 1], ["skirt, beige", 1]], "bomber jacket, grey": [["compression shorts, grey", 1], ["leggings, black", 1], ["chino shorts, grey", 1]], "leather jacket, red": [["denim pants, blue", 2], ["leggings, red", 1], ["chino shorts, pink", 1]], "knitwear, yellow": [["cycling shorts, yellow", 1], ["denim pants, green", 1]], "polo, orange": [["denim shorts, orange", 2], ["cocktail dress, orange", 2], ["evening dress, orange", 1]], "maxi dress, brown": [["hoodie, brown", 1]], "cocktail dress, blue": [["cargo shorts, pink", 1], ["blouse, off white", 1], ["track shorts, black", 1]], "maxi dress, off white": [["evening dress, white", 1]], "skinny pants, green": [["trench coat, off white", 1], ["t-shirt, green", 1], ["gillet, cream", 1]], "blazer, green": [["denim pants, blue", 1], ["cargo pants, off white", 1]], "suit jacket, red": [["chino shorts, black", 2], ["denim pants, blue", 1], ["chino shorts, red", 1]], "knitwear, blue": [["sweatpants, blue", 1], ["cycling shorts, blue", 1], ["evening dress, blue", 1]], "dinner jacket, maroon": [["denim pants, brown", 1], ["denim pants, black", 1], ["cocktail dress, off white", 1]], "wide-leg pants, green": [["evening dress, green", 3], ["duffle coat, green", 1], ["knitwear, green", 1]], "hooded jacket, blue": [["skirt, off white", 2], ["cargo pants, blue", 1], ["evening dress, blue", 1]], "sweatpants, grey": [["suit jacket, off white", 1], ["Compression top, navy", 1], ["hoodie, black", 1]], "party dress, black": [["skirt, brown", 2], ["skirt, black", 2], ["collar shirt, black", 1]], "duffle coat, yellow": [["denim pants, blue", 3], ["denim pants, grey", 1]], "cardigan, yellow": [["denim pants, blue", 2], ["wide-leg pants, blue", 1], ["denim pants, black", 1]], "biker jacket, red": [["compression shorts, white", 1], ["evening dress, off white", 1], ["evening dress, red", 1]], "leggings, gold": [["blouse, white", 1], ["leather jacket, off white", 1]], "skinny pants, orange": [["t-shirt, orange", 2], ["polo, orange", 1], ["knitwear, orange", 1]], "gillet, grey": [["evening dress, grey", 2], ["cycling shorts, grey", 1], ["chino shorts, black", 1]], "military jacket, red": [["cargo pants, brown", 1]], "leather jacket, black": [["chino shorts, black", 4], ["cargo pants, off white", 1], ["skirt, grey", 1]], "trench coat, orange": [["chino pants, brown", 1], ["chino pants, black", 1], ["denim pants, blue", 1]], "sweatpants, orange": [["casual dress, beige", 1], ["long coat, orange", 1], ["gillet, black", 1]], "mini dress, off white": [["skirt, off white", 1], ["Compression top, brown", 1], ["chino shorts, brown", 1]], "cocktail dress, grey": [["peacoat, white", 3], ["casual dress, black", 1], ["trench coat, brown", 1]], "peacoat, blue": [["denim pants, blue", 2], ["casual dress, blue", 2], ["cocktail dress, navy", 1]], "trench coat, purple": [["denim pants, black", 1], ["party dress, white", 1], ["cargo shorts, purple", 1]], "duffle coat, white": [["denim pants, blue", 3], ["cargo pants, off white", 2], ["chino pants, black", 1]], "tailored pants, beige": [["Compression top, brown", 1], ["trench coat, beige", 1], ["cardigan, brown", 1]], "sundress, black": [["suit jacket, brown", 1], ["polo, orange", 1], ["track shorts, navy", 1]], "suit jacket, brown": [["cargo pants, brown", 2], ["skirt, brown", 2], ["sundress, black", 1]], "shirt jacket, green": [["skirt, yellow", 1], ["skirt, green", 1], ["cargo pants, black", 1]], "chino shorts, maroon": [["t-shirt, maroon", 3], ["blouse, black", 1], ["t-shirt, beige", 1]], "blouse, black": [["skirt, black", 2], ["denim pants, blue", 2], ["chino shorts, maroon", 1]], "peacoat, pink": [["compression shorts, pink", 2], ["chino pants, pink", 1], ["skirt, green", 1]], "chino shorts, green": [["t-shirt, white", 1], ["cocktail dress, cream", 1], ["turtleneck, off white", 1]], "chino shorts, grey": [["Compression top, black", 1], ["bomber jacket, grey", 1], ["collar shirt, grey", 1]], "evening dress, orange": [["polo, orange", 1], ["evening dress, brown", 1], ["polo, red", 1]], "long coat, pink": [["denim pants, black", 1], ["cycling shorts, pink", 1], ["cargo pants, blue", 1]], "suit jacket, blue": [["chino pants, navy", 2], ["denim pants, off white", 1], ["chino pants, off white", 1]], "down jacket, grey": [["chino shorts, black", 1], ["cargo pants, white", 1], ["denim pants, black", 1]], "skinny pants, purple": [["t-shirt, purple", 2], ["evening dress, purple", 2], ["tuxedo, white", 1]], "hooded jacket, gold": [["denim pants, blue", 2], ["cargo pants, black", 1], ["skirt, beige", 1]], "cargo pants, yellow": [["t-shirt, gold", 1], ["hooded jacket, yellow", 1]], "duffle coat, pink": [["denim pants, navy", 1], ["chino pants, navy", 1], ["denim pants, red", 1]], "sundress, white": [["cycling shorts, off white", 1]], "cargo pants, red": [["cocktail dress, red", 1], ["t-shirt, brown", 1], ["t-shirt, red", 1]], "denim pants, maroon": [["peacoat, maroon", 2], ["knitwear, maroon", 1], ["t-shirt, white", 1]], "tuxedo, gold": [["compression shorts, gold", 1], ["evening dress, gold", 1], ["evening dress, off white", 1]], "duffle coat, orange": [["denim pants, blue", 1], ["chino shorts, off white", 1]], "bomber jacket, maroon": [["denim pants, blue", 2], ["compression shorts, pink", 1], ["skinny pants, blue", 1]], "sweatpants, pink": [["collar shirt, pink", 1], ["sweater, pink", 1], ["t-shirt, pink", 1]], "track pants, blue": [["t-shirt, blue", 1], ["long coat, black", 1], ["cardigan, black", 1]], "hooded jacket, navy": [["cargo pants, blue", 3], ["compression shorts, blue", 1], ["skinny pants, blue", 1]], "compression shorts, orange": [["t-shirt, orange", 2], ["tuxedo, orange", 2], ["cocktail dress, pink", 1]], "party dress, yellow": [["collar shirt, off white", 2], ["polo, yellow", 1], ["tuxedo, yellow", 1]], "track jacket, navy": [["denim pants, blue", 1], ["chino shorts, white", 1], ["wide-leg pants, off white", 1]], "blazer, white": [["denim pants, pink", 1], ["skinny pants, beige", 1]], "tank top, black": [["skirt, black", 5], ["chino shorts, black", 2], ["sweatpants, blue", 1]], "sweatpants, purple": [["tuxedo, purple", 2], ["gillet, purple", 2], ["hoodie, purple", 2]], "collar shirt, orange": [["chino pants, orange", 1], ["skirt, blue", 1], ["denim pants, blue", 1]], "party dress, orange": [["cycling shorts, blue", 1]], "track shorts, red": [["hoodie, red", 1], ["t-shirt, black", 1], ["polo, red", 1]], "sundress, brown": [["chino pants, orange", 1], ["chino shorts, yellow", 1]], "blazer, black": [["denim pants, black", 2], ["cargo pants, blue", 1], ["chino shorts, black", 1]], "cocktail dress, green": [["cocktail dress, green", 2], ["bomber jacket, white", 1], ["cycling shorts, green", 1]], "denim pants, yellow": [["cocktail dress, navy", 1], ["bomber jacket, beige", 1], ["evening dress, yellow", 1]], "party dress, off white": [["cycling shorts, cream", 1], ["chino shorts, green", 1], ["denim pants, grey", 1]], "casual dress, maroon": [["skirt, maroon", 1], ["cardigan, purple", 1], ["trench coat, maroon", 1]], "hoodie, gold": [["cargo shorts, yellow", 1], ["chino shorts, blue", 1]], "hoodie, off white": [["chino shorts, brown", 1], ["evening dress, white", 1], ["denim shorts, gold", 1]], "biker jacket, cream": [["cargo pants, maroon", 1], ["cargo shorts, brown", 1], ["denim shorts, off white", 1]], "party dress, beige": [["trench coat, beige", 1], ["cocktail dress, gold", 1], ["skirt, off white", 1]], "skinny pants, pink": [["collar shirt, pink", 2], ["casual dress, beige", 1], ["cardigan, pink", 1]], "sweatpants, beige": [["casual dress, off white", 1], ["t-shirt, beige", 1], ["peacoat, red", 1]], "polo, off white": [["skinny pants, brown", 1], ["tailored pants, cream", 1]], "hoodie, grey": [["cycling shorts, purple", 1], ["sweatpants, off white", 1], ["chino pants, black", 1]], "gillet, cream": [["skirt, yellow", 1], ["skinny pants, green", 1], ["wide-leg pants, beige", 1]], "cardigan, green": [["wide-leg pants, yellow", 1], ["casual dress, green", 1], ["chino pants, off white", 1]], "cocktail dress, gold": [["bomber jacket, gold", 1], ["wide-leg pants, off white", 1], ["party dress, beige", 1]], "bomber jacket, gold": [["cocktail dress, gold", 1], ["cargo pants, black", 1]], "track shorts, maroon": [["cocktail dress, maroon", 1]], "evening dress, gold": [["tuxedo, gold", 1], ["gillet, beige", 1], ["blouse, gold", 1]], "biker jacket, pink": [["denim pants, black", 2]], "trench coat, black": [["cargo shorts, white", 1], ["party dress, white", 1], ["wide-leg pants, black", 1]], "long coat, cream": [["compression shorts, cream", 1]], "turtleneck, black": [["skirt, beige", 2], ["skirt, white", 1], ["skirt, gold", 1]], "cargo shorts, grey": [["gillet, off white", 1], ["t-shirt, grey", 1], ["t-shirt, white", 1]], "long coat, grey": [["skinny pants, black", 1], ["denim pants, blue", 1], ["sweatpants, black", 1]], "track jacket, yellow": [["skirt, orange", 1], ["skirt, yellow", 1], ["chino shorts, blue", 1]], "leather jacket, green": [["cargo pants, off white", 1], ["wide-leg pants, green", 1], ["denim pants, blue", 1]], "military jacket, maroon": [["denim pants, red", 1]], "dinner jacket, orange": [["skirt, black", 1], ["skirt, brown", 1], ["chino shorts, red", 1]], "tuxedo, navy": [["compression shorts, navy", 4], ["evening dress, navy", 2], ["chino pants, navy", 2]], "cargo pants, gold": [["shirt jacket, white", 1], ["shirt jacket, gold", 1], ["evening dress, beige", 1]], "peacoat, red": [["sweatpants, red", 1], ["compression shorts, red", 1], ["sweatpants, beige", 1]], "shirt jacket, brown": [["chino shorts, brown", 1], ["denim pants, black", 1], ["skirt, brown", 1]], "chino shorts, orange": [["t-shirt, off white", 2], ["blouse, orange", 1], ["collar shirt, red", 1]], "trench coat, maroon": [["wide-leg pants, maroon", 2], ["casual dress, maroon", 1], ["denim pants, off white", 1]], "skinny pants, yellow": [["evening dress, yellow", 1]], "blouse, cream": [["skirt, off white", 2], ["skirt, red", 1]], "duffle coat, green": [["wide-leg pants, green", 1], ["denim pants, blue", 1], ["denim pants, black", 1]], "tuxedo, white": [["track pants, off white", 2], ["sweatpants, black", 2], ["wide-leg pants, maroon", 1]], "tuxedo, brown": [["cycling shorts, grey", 1], ["cycling shorts, navy", 1], ["cargo shorts, blue", 1]], "tailored pants, cream": [["cocktail dress, off white", 1], ["polo, off white", 1], ["peacoat, white", 1]], "leggings, grey": [["suit jacket, white", 1], ["blazer, maroon", 1]], "duffle coat, blue": [["chino pants, orange", 1], ["evening dress, purple", 1], ["denim pants, blue", 1]], "down jacket, beige": [["chino pants, purple", 1], ["denim pants, black", 1], ["wide-leg pants, black", 1]], "cardigan, off white": [["wide-leg pants, blue", 2], ["cycling shorts, off white", 1], ["denim shorts, off white", 1]], "long coat, gold": [["wide-leg pants, black", 1], ["cargo shorts, beige", 1]], "dinner jacket, purple": [["denim pants, purple", 2], ["denim pants, black", 2], ["wide-leg pants, purple", 1]], "leggings, orange": [["cocktail dress, orange", 1], ["t-shirt, off white", 1], ["polo, orange", 1]], "leggings, black": [["Compression top, red", 1], ["bomber jacket, grey", 1], ["leather jacket, blue", 1]], "party dress, brown": [["knitwear, brown", 1], ["gillet, beige", 1], ["compression shorts, purple", 1]], "bomber jacket, navy": [["skinny pants, off white", 1], ["denim pants, blue", 1], ["denim pants, black", 1]], "gillet, green": [["cargo shorts, green", 2], ["compression shorts, green", 1]], "tailored pants, brown": [["long coat, black", 1]], "Compression top, orange": [["skirt, orange", 2], ["chino shorts, orange", 1], ["skirt, beige", 1]], "bomber jacket, orange": [["cocktail dress, pink", 1], ["track pants, black", 1], ["chino shorts, black", 1]], "biker jacket, brown": [["cargo pants, black", 1], ["cargo shorts, beige", 1]], "blazer, pink": [["denim pants, off white", 1], ["skirt, off white", 1], ["denim pants, navy", 1]], "sweater, yellow": [["denim pants, blue", 2], ["denim pants, black", 1], ["cargo pants, black", 1]], "biker jacket, beige": [["evening dress, off white", 1], ["denim shorts, white", 1], ["skirt, off white", 1]], "sundress, beige": [["chino pants, orange", 1], ["cargo shorts, yellow", 1]], "track pants, maroon": [["Compression top, white", 1], ["suit jacket, maroon", 1], ["long coat, maroon", 1]], "denim shorts, red": [["t-shirt, red", 3], ["tank top, off white", 1], ["t-shirt, white", 1]], "shirt jacket, gold": [["compression shorts, brown", 1], ["chino shorts, black", 1], ["skirt, yellow", 1]], "biker jacket, off white": [["cycling shorts, off white", 2], ["skirt, off white", 1], ["wide-leg pants, brown", 1]], "tuxedo, black": [["maxi dress, black", 1], ["cycling shorts, black", 1], ["party dress, maroon", 1]], "mini dress, brown": [["chino shorts, beige", 1]], "long coat, green": [["denim pants, green", 2], ["tailored pants, green", 2], ["wide-leg pants, green", 1]], "dinner jacket, grey": [["tailored pants, off white", 1], ["denim pants, black", 1], ["wide-leg pants, grey", 1]], "hoodie, maroon": [["cycling shorts, maroon", 1], ["compression shorts, maroon", 1], ["skirt, brown", 1]], "suit jacket, cream": [["compression shorts, beige", 1], ["cocktail dress, cream", 1]], "peacoat, navy": [["skirt, black", 2], ["chino pants, black", 1]], "sweater, blue": [["denim pants, blue", 3], ["evening dress, blue", 1], ["chino shorts, beige", 1]], "shirt jacket, maroon": [["chino shorts, black", 1], ["mini dress, maroon", 1], ["evening dress, maroon", 1]], "blouse, gold": [["evening dress, gold", 1], ["denim shorts, off white", 1], ["skirt, off white", 1]], "knitwear, grey": [["chino pants, green", 1], ["evening dress, grey", 1], ["cocktail dress, purple", 1]], "turtleneck, red": [["chino pants, navy", 1], ["wide-leg pants, navy", 1]], "blouse, brown": [["cocktail dress, off white", 1], ["denim shorts, orange", 1], ["skirt, red", 1]], "denim shorts, yellow": [["t-shirt, white", 1], ["knitwear, gold", 1]], "peacoat, purple": [["leggings, purple", 2], ["compression shorts, maroon", 1], ["skirt, purple", 1]], "cargo pants, navy": [["track jacket, green", 1], ["sweater, green", 1]], "cargo shorts, gold": [["hoodie, brown", 1], ["t-shirt, brown", 1], ["t-shirt, gold", 1]], "military jacket, brown": [["chino pants, black", 1], ["leggings, black", 1]], "peacoat, yellow": [["evening dress, yellow", 1], ["denim pants, blue", 1]], "sundress, pink": [["skirt, off white", 1], ["leggings, white", 1], ["cycling shorts, pink", 1]], "blouse, pink": [["evening dress, pink", 1], ["party dress, white", 1], ["cargo shorts, off white", 1]], "knitwear, pink": [["cycling shorts, pink", 1], ["wide-leg pants, pink", 1], ["skinny pants, off white", 1]], "hooded jacket, purple": [["denim pants, off white", 1], ["cargo pants, purple", 1], ["skinny pants, black", 1]], "cardigan, pink": [["denim pants, blue", 2], ["skinny pants, pink", 1], ["denim pants, pink", 1]], "biker jacket, yellow": [["chino shorts, gold", 1], ["compression shorts, beige", 1], ["cargo shorts, black", 1]], "skinny pants, gold": [["sweater, navy", 1], ["gillet, brown", 1]], "hoodie, blue": [["cycling shorts, blue", 2], ["compression shorts, off white", 1], ["denim pants, blue", 1]], "maxi dress, maroon": [["t-shirt, maroon", 1], ["peacoat, maroon", 1]], "track shorts, white": [["track jacket, off white", 1], ["t-shirt, cream", 1]], "blazer, navy": [["wide-leg pants, navy", 1]], "party dress, grey": [["cargo pants, brown", 1], ["sweater, white", 1], ["gillet, grey", 1]], "mini dress, cream": [["t-shirt, brown", 1], ["cargo shorts, pink", 1], ["party dress, cream", 1]], "trench coat, brown": [["casual dress, beige", 1], ["chino pants, brown", 1], ["cocktail dress, grey", 1]], "leggings, brown": [["hooded jacket, red", 1], ["sweater, maroon", 1], ["knitwear, beige", 1]], "mini dress, black": [["peacoat, off white", 1]], "duffle coat, gold": [["denim pants, blue", 1], ["skirt, green", 1]], "long coat, purple": [["skinny pants, blue", 1], ["casual dress, maroon", 1], ["cargo pants, pink", 1]], "leggings, white": [["sundress, pink", 1], ["Compression top, black", 1], ["evening dress, maroon", 1]], "wide-leg pants, gold": [["casual dress, gold", 1], ["peacoat, gold", 1]], "casual dress, gold": [["wide-leg pants, gold", 1], ["casual dress, yellow", 1]], "blazer, maroon": [["denim pants, blue", 1], ["leggings, grey", 1]], "hooded jacket, pink": [["cargo pants, pink", 1], ["maxi dress, pink", 1], ["chino shorts, pink", 1]], "cargo shorts, navy": [["t-shirt, navy", 1]], "bomber jacket, cream": [["cycling shorts, beige", 1], ["denim pants, red", 1], ["denim pants, black", 1]], "down jacket, yellow": [["denim pants, black", 1], ["denim pants, blue", 1], ["evening dress, green", 1]], "mini dress, maroon": [["shirt jacket, maroon", 1], ["evening dress, maroon", 1]], "down jacket, blue": [["chino shorts, purple", 1], ["chino pants, blue", 1], ["wide-leg pants, blue", 1]], "long coat, orange": [["chino pants, orange", 1], ["sweatpants, orange", 1], ["evening dress, orange", 1]], "sweater, orange": [["denim shorts, black", 1], ["denim pants, beige", 1], ["wide-leg pants, brown", 1]], "blazer, yellow": [["chino shorts, white", 1], ["denim pants, blue", 1]], "party dress, cream": [["tuxedo, yellow", 1], ["mini dress, cream", 1]], "sundress, yellow": [["polo, yellow", 1]], "knitwear, cream": [["denim pants, brown", 1], ["cycling shorts, pink", 1], ["cargo shorts, orange", 1]], "hooded jacket, maroon": [["chino shorts, black", 1]], "shirt jacket, orange": [["chino pants, red", 1]], "chino pants, cream": [["knitwear, off white", 1], ["bomber jacket, green", 1], ["gillet, beige", 1]], "tailored pants, purple": [["casual dress, white", 1], ["evening dress, purple", 1]], "tailored pants, gold": [["suit jacket, off white", 1], ["cocktail dress, off white", 1]], "bomber jacket, purple": [["denim pants, black", 3], ["denim shorts, off white", 1], ["skirt, purple", 1]], "duffle coat, off white": [["chino shorts, black", 1], ["evening dress, white", 1], ["denim pants, blue", 1]], "skirt, cream": [["tank top, beige", 1], ["blouse, off white", 1]], "leather jacket, orange": [["chino shorts, black", 1], ["skirt, off white", 1], ["cargo shorts, off white", 1]], "trench coat, red": [["compression shorts, off white", 1], ["cargo shorts, red", 1], ["cocktail dress, red", 1]], "down jacket, white": [["chino pants, navy", 1], ["compression shorts, black", 1], ["denim pants, blue", 1]], "track pants, orange": [["sweater, black", 1], ["peacoat, white", 1], ["Compression top, black", 1]], "sundress, red": [["sundress, red", 2], ["skirt, red", 1], ["cycling shorts, red", 1]], "sundress, blue": [["skirt, black", 1], ["polo, white", 1]], "track shorts, blue": [["polo, blue", 1]], "trench coat, navy": [["cargo pants, white", 1], ["cocktail dress, black", 1], ["skirt, off white", 1]], "leggings, cream": [["polo, brown", 1]], "turtleneck, maroon": [["sweatpants, black", 1], ["skirt, brown", 1], ["skirt, black", 1]], "biker jacket, navy": [["denim pants, blue", 1], ["chino pants, navy", 1]], "down jacket, off white": [["cargo shorts, brown", 1]], "dinner jacket, yellow": [["cocktail dress, off white", 1], ["denim pants, blue", 1]], "polo, grey": [["compression shorts, grey", 2], ["denim pants, off white", 1], ["casual dress, black", 1]], "tank top, gold": [["wide-leg pants, purple", 1], ["denim shorts, off white", 1], ["denim shorts, blue", 1]], "peacoat, black": [["cargo pants, black", 1], ["skinny pants, off white", 1]], "military jacket, blue": [["denim pants, off white", 2]], "turtleneck, blue": [["skirt, black", 1], ["track pants, black", 1], ["chino pants, blue", 1]], "denim pants, orange": [["t-shirt, orange", 2], ["t-shirt, blue", 1], ["gillet, orange", 1]], "trench coat, gold": [["cycling shorts, gold", 1]], "turtleneck, orange": [["track pants, black", 1], ["denim pants, blue", 1]], "dinner jacket, black": [["sweatpants, black", 2], ["track shorts, gold", 1], ["chino shorts, black", 1]], "sundress, orange": [["skirt, orange", 1], ["peacoat, maroon", 1]], "knitwear, white": [["cargo pants, blue", 1], ["cargo shorts, brown", 1], ["wide-leg pants, white", 1]], "peacoat, grey": [["cargo pants, blue", 1], ["compression shorts, off white", 1], ["sweatpants, black", 1]], "denim shorts, navy": [["collar shirt, off white", 1], ["t-shirt, white", 1], ["cocktail dress, navy", 1]], "tailored pants, red": [["t-shirt, red", 1]], "track pants, grey": [["t-shirt, red", 1], ["Compression top, black", 1]], "biker jacket, purple": [["chino shorts, navy", 1], ["evening dress, purple", 1], ["denim pants, black", 1]], "suit jacket, gold": [["skirt, off white", 1], ["chino pants, brown", 1]], "gillet, blue": [["chino pants, blue", 2], ["sweatpants, blue", 2], ["denim pants, off white", 1]], "hooded jacket, off white": [["sweatpants, black", 1], ["cargo shorts, black", 1], ["denim pants, black", 1]], "down jacket, orange": [["denim pants, blue", 1]], "turtleneck, pink": [["skirt, pink", 1]], "knitwear, purple": [["skirt, purple", 1], ["compression shorts, purple", 1]], "peacoat, beige": [["cocktail dress, off white", 1], ["compression shorts, cream", 1], ["skirt, off white", 1]], "hooded jacket, yellow": [["denim pants, off white", 1], ["cargo pants, yellow", 1]], "blouse, green": [["skirt, green", 1]], "hooded jacket, cream": [["cargo pants, beige", 1]], "down jacket, green": [["compression shorts, green", 1], ["track shorts, pink", 1]], "trench coat, grey": [["skinny pants, off white", 1]], "skinny pants, grey": [["blazer, off white", 1], ["collar shirt, off white", 1]], "blazer, off white": [["skinny pants, grey", 1], ["track pants, off white", 1]], "polo, gold": [["cargo shorts, blue", 1]], "mini dress, blue": [["compression shorts, blue", 1], ["skirt, purple", 1]], "shirt jacket, cream": [["denim pants, blue", 1]], "down jacket, navy": [["chino shorts, white", 1], ["denim pants, blue", 1], ["cargo shorts, blue", 1]], "turtleneck, grey": [["skinny pants, black", 1], ["chino pants, navy", 1]], "mini dress, purple": [["denim pants, pink", 1]], "long coat, navy": [["sweatpants, black", 1]], "denim shorts, green": [["tank top, off white", 1], ["peacoat, green", 1]], "down jacket, purple": [["chino shorts, black", 2], ["chino pants, pink", 1], ["sweatpants, purple", 1]], "leather jacket, cream": [["compression shorts, cream", 1]], "hoodie, green": [["leggings, off white", 1], ["wide-leg pants, black", 1]], "military jacket, black": [["skirt, black", 1], ["chino shorts, black", 1], ["evening dress, grey", 1]], "dinner jacket, navy": [["chino pants, navy", 1]], "knitwear, gold": [["denim shorts, yellow", 1]], "tank top, green": [["skirt, green", 1], ["wide-leg pants, white", 1]], "hooded jacket, grey": [["cargo pants, grey", 1], ["cargo pants, off white", 1]], "Compression top, gold": [["evening dress, cream", 1], ["skirt, gold", 1], ["skirt, maroon", 1]], "dinner jacket, cream": [["compression shorts, cream", 1]], "mini dress, green": [["Compression top, brown", 1]], "skinny pants, cream": [["collar shirt, beige", 1]], "mini dress, yellow": [["peacoat, gold", 1]], "blouse, red": [["wide-leg pants, off white", 1], ["chino shorts, black", 1]], "denim shorts, grey": [["sweater, white", 1], ["long coat, grey", 1]], "skinny pants, navy": [["suit jacket, blue", 1]], "cardigan, cream": [["denim pants, black", 1]], "military jacket, grey": [["chino pants, navy", 1]], "tailored pants, orange": [["bomber jacket, orange", 1], ["t-shirt, off white", 1], ["dinner jacket, off white", 1]], "tank top, pink": [["cycling shorts, pink", 1]], "tuxedo, orange": [["compression shorts, orange", 2], ["cycling shorts, purple", 1]], "track shorts, grey": [["t-shirt, grey", 1], ["cocktail dress, beige", 1], ["tuxedo, brown", 1]], "hooded jacket, beige": [["skirt, off white", 1]], "down jacket, cream": [["cargo pants, blue", 1]], "turtleneck, gold": [["chino shorts, black", 1]], "leather jacket, grey": [["denim pants, blue", 1]], "tuxedo, cream": [["compression shorts, off white", 1]], "tank top, yellow": [["skirt, gold", 1]], "leather jacket, pink": [["skirt, off white", 1]], "track jacket, red": [["chino pants, red", 1]], "down jacket, gold": [["sweatpants, beige", 1]], "track jacket, purple": [["chino pants, pink", 1], ["denim pants, blue", 1]], "mini dress, beige": [["denim pants, beige", 1]], "down jacket, maroon": [["denim pants, off white", 2], ["chino shorts, grey", 1]], "track jacket, gold": [["denim pants, black", 1]], "sweater, cream": [["skirt, red", 1]], "military jacket, beige": [["skirt, off white", 1]]}