wellvolks commited on
Commit
57a506a
·
1 Parent(s): f1c002e

Primeira versão

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. .gitattributes +4 -0
  2. .gitignore +2 -0
  3. MLSalesPitch.py +328 -0
  4. app.py +80 -0
  5. asserts/imgs/llm.png +0 -0
  6. data/mercado_livre_products_enriched_with_google_about.csv +0 -0
  7. data/ml_categories.json +1926 -0
  8. data/my_deeplake/about/_embedding_shape/chunks/6c3af06bad3d4ad1 +0 -0
  9. data/my_deeplake/about/_embedding_shape/chunks_index/unsharded +0 -0
  10. data/my_deeplake/about/_embedding_shape/commit_diff +0 -0
  11. data/my_deeplake/about/_embedding_shape/tensor_meta.json +23 -0
  12. data/my_deeplake/about/_embedding_shape/tiles_index/unsharded +0 -0
  13. data/my_deeplake/about/dataset_lock.lock +0 -0
  14. data/my_deeplake/about/dataset_meta.json +28 -0
  15. data/my_deeplake/about/embedding/chunks/973e081db0544222 +3 -0
  16. data/my_deeplake/about/embedding/chunks_index/unsharded +0 -0
  17. data/my_deeplake/about/embedding/commit_diff +0 -0
  18. data/my_deeplake/about/embedding/tensor_info.json +9 -0
  19. data/my_deeplake/about/embedding/tensor_meta.json +30 -0
  20. data/my_deeplake/about/embedding/tiles_index/unsharded +0 -0
  21. data/my_deeplake/about/id/chunks/805a540f49d4a0f +0 -0
  22. data/my_deeplake/about/id/chunks_index/unsharded +0 -0
  23. data/my_deeplake/about/id/commit_diff +0 -0
  24. data/my_deeplake/about/id/tensor_meta.json +23 -0
  25. data/my_deeplake/about/id/tiles_index/unsharded +0 -0
  26. data/my_deeplake/about/metadata/chunks/c51ff9e272304c94 +3 -0
  27. data/my_deeplake/about/metadata/chunks_index/unsharded +0 -0
  28. data/my_deeplake/about/metadata/commit_diff +0 -0
  29. data/my_deeplake/about/metadata/tensor_meta.json +23 -0
  30. data/my_deeplake/about/metadata/tiles_index/unsharded +0 -0
  31. data/my_deeplake/about/text/chunks/171bd0f17075422d +0 -0
  32. data/my_deeplake/about/text/chunks_index/unsharded +0 -0
  33. data/my_deeplake/about/text/commit_diff +0 -0
  34. data/my_deeplake/about/text/tensor_meta.json +23 -0
  35. data/my_deeplake/about/text/tiles_index/unsharded +0 -0
  36. data/my_deeplake/about/version_control_info.json +1 -0
  37. data/my_deeplake/sales_pitch/_embedding_shape/chunks/e1de953e71224fc4 +0 -0
  38. data/my_deeplake/sales_pitch/_embedding_shape/chunks_index/unsharded +0 -0
  39. data/my_deeplake/sales_pitch/_embedding_shape/commit_diff +0 -0
  40. data/my_deeplake/sales_pitch/_embedding_shape/tensor_meta.json +23 -0
  41. data/my_deeplake/sales_pitch/_embedding_shape/tiles_index/unsharded +0 -0
  42. data/my_deeplake/sales_pitch/dataset_lock.lock +0 -0
  43. data/my_deeplake/sales_pitch/dataset_meta.json +28 -0
  44. data/my_deeplake/sales_pitch/embedding/chunks/eca964c6b560409d +3 -0
  45. data/my_deeplake/sales_pitch/embedding/chunks_index/unsharded +0 -0
  46. data/my_deeplake/sales_pitch/embedding/commit_diff +0 -0
  47. data/my_deeplake/sales_pitch/embedding/tensor_info.json +9 -0
  48. data/my_deeplake/sales_pitch/embedding/tensor_meta.json +30 -0
  49. data/my_deeplake/sales_pitch/embedding/tiles_index/unsharded +0 -0
  50. data/my_deeplake/sales_pitch/id/chunks/f99ba693b079450d +0 -0
.gitattributes CHANGED
@@ -33,3 +33,7 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
 
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ data/my_deeplake/about/embedding/chunks/973e081db0544222 filter=lfs diff=lfs merge=lfs -text
37
+ data/my_deeplake/about/metadata/chunks/c51ff9e272304c94 filter=lfs diff=lfs merge=lfs -text
38
+ data/my_deeplake/sales_pitch/embedding/chunks/eca964c6b560409d filter=lfs diff=lfs merge=lfs -text
39
+ data/my_deeplake/sales_pitch/metadata/chunks/8473e553fb734659 filter=lfs diff=lfs merge=lfs -text
.gitignore ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ __pycache__
2
+ .idea
MLSalesPitch.py ADDED
@@ -0,0 +1,328 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import time
2
+ import urllib
3
+ import spacy
4
+ import pandas as pd
5
+ import unicodedata
6
+ import requests
7
+ import json
8
+ import os
9
+ import tiktoken
10
+ from bs4 import BeautifulSoup
11
+ from openai import OpenAI
12
+ from langchain.document_loaders import DataFrameLoader
13
+ from langchain.embeddings import HuggingFaceEmbeddings
14
+ from langchain.text_splitter import CharacterTextSplitter
15
+ # from langchain.vectorstores.deeplake import DeepLake
16
+ from langchain.prompts import ChatPromptTemplate
17
+ from langchain.chat_models import ChatOpenAI
18
+ from langchain.schema.output_parser import StrOutputParser
19
+ from langchain.schema.runnable import RunnableParallel
20
+ from urllib.parse import quote
21
+ from urllib.request import Request
22
+
23
+
24
+ class MLSalesPitch:
25
+
26
+ def __init__(self):
27
+ self.retriever_sales_pitch = None
28
+ self.retriever_about = None
29
+
30
+ self.TOKEN_ML = os.environ['TOKEN_ML']
31
+ self.OPENAI_API_KEY = os.environ['OPENAI_KEY']
32
+
33
+ self.client = OpenAI()
34
+ self.nlp = None#spacy.load("pt_core_news_sm")
35
+
36
+ OpenAI.api_key = self.OPENAI_API_KEY
37
+
38
+ self.output_parser = StrOutputParser()
39
+ self.model = ChatOpenAI(openai_api_key=self.OPENAI_API_KEY, model="gpt-3.5-turbo")
40
+
41
+ template = """Com base nas seguintes informações de produtos fornecidas abaixo:
42
+
43
+ {about}
44
+
45
+ Crie um discurso muito convincente e interessante de venda para os seguintes produtos:
46
+
47
+ {products}
48
+
49
+ Que fazem parte da sub_categoria:
50
+
51
+ {sub_category}
52
+
53
+ Pontue bem as vantagens dos produtos e suas caracteristicas bem como a grande oportunidade que o cliente está tendo em adquiri-los
54
+
55
+ Tenha como base os seguintes discursos de venda:
56
+
57
+ {sales_pitch}
58
+
59
+ Não fique preso apenas um discurso de venda. Leve mais em consideração a construção dos discrusos bem como as vantagens, caracterisitcas e descrição dos produtos.
60
+
61
+ Adicione preços para os produtos como variáveis com prefixo _PRECO_
62
+
63
+ Não se identifique e não coloque o nome da empresa
64
+ """
65
+
66
+ self.prompt = ChatPromptTemplate.from_template(template)
67
+
68
+ def get_ml_product_descriptions(self):
69
+ f = open('/data/ml_categories.json', 'r')
70
+
71
+ categories_json = json.load(f)
72
+
73
+ df = pd.read_csv('/data/mercado_livre_products.csv')
74
+
75
+ for item in categories_json:
76
+ category = {'name': categories_json[item]['name'], 'id': categories_json[item]['id']}
77
+
78
+ for sub_category in categories_json[item]['children_categories']:
79
+ offset = 0
80
+ limit = 50
81
+ while offset < 1000:
82
+
83
+ headers = {'Authorization': f'Bearer {self.TOKEN_ML}'}
84
+ ans = \
85
+ requests.get(f"https://api.mercadolibre.com/sites/MLB/search?category="
86
+ f"{sub_category['id']}&search_type=scan&offset={offset}&limit=50",
87
+ headers=headers)
88
+
89
+ if ans.ok:
90
+ data_ans = ans.json()
91
+
92
+ print(
93
+ f"[{sub_category['name']}]: {100.0 * (offset / int(data_ans['paging']['total']))}"
94
+ f" downloaded...")
95
+
96
+ if len(data_ans['results']) == 0:
97
+ break
98
+
99
+ lt_prod_info = [{'id': info['id'], 'title': info['title']} for info in data_ans['results']]
100
+
101
+ for info in lt_prod_info:
102
+ resp = requests.get(f"https://api.mercadolibre.com/items/{info['id']}/description",
103
+ headers=headers)
104
+
105
+ if resp.ok:
106
+ data_resp = resp.json()
107
+ if 'plain_text' in data_resp:
108
+ info['description'] = data_resp['plain_text']
109
+
110
+ df_tmp = pd.DataFrame.from_dict(lt_prod_info)
111
+ df_tmp['category'] = category['name']
112
+ df_tmp['sub_category'] = sub_category['name']
113
+
114
+ df: pd.DataFrame = pd.concat([df, df_tmp])
115
+
116
+ df.to_csv('/data/mercado_livre_products.csv', header=True, index=False)
117
+ else:
118
+ print(f'FAIL! Error {ans.status_code}: {ans.content}')
119
+
120
+ offset = offset + limit + 1
121
+
122
+ @staticmethod
123
+ def enrich_with_google_search():
124
+ df = pd.read_csv('/data/mercado_livre_products.csv', low_memory=False)
125
+
126
+ df.to_csv('/data/mercado_livre_products_enriched_with_google_about.csv', header=True, index=False)
127
+
128
+ p_names = list(set(df['title'].to_list()))
129
+ map_name = {}
130
+ k = 0
131
+
132
+ for name in p_names:
133
+ url = 'https://www.google.com/search?q=' + quote('sobre ou descrição: ' + name)
134
+
135
+ req = Request(url, headers={'User-Agent': 'Mozilla/5.0'})
136
+
137
+ lt_text = []
138
+
139
+ try:
140
+ response = urllib.request.urlopen(req)
141
+
142
+ if response.code == 429:
143
+ print(f'Sleeping {int(response.headers["Retry-After"])} seconds...')
144
+ time.sleep(int(response.headers["Retry-After"]))
145
+
146
+ content = response.read().decode('UTF-8').replace(u'\xa0', u' ')
147
+
148
+ soup = BeautifulSoup(content, 'html.parser')
149
+
150
+ div_bs4 = soup.find_all('div', {"class": "BNeawe s3v9rd AP7Wnd"})
151
+
152
+ lt_text = [p.get_text() for p in div_bs4]
153
+ except Exception as error:
154
+ print(error)
155
+
156
+ map_name[name] = ', '.join(lt_text)
157
+
158
+ df2 = pd.read_csv('/data/mercado_livre_products_enriched_with_google_about.csv', low_memory=False)
159
+
160
+ df2['about'] = df2[['title', 'about']].apply(
161
+ lambda x: map_name[x[0]] if ((x[0] in map_name.keys()) and (x[1] is None)) else x[1], axis=1)
162
+
163
+ df2.to_csv('/data/mercado_livre_products_enriched_with_google_about.csv', header=True, index=False)
164
+
165
+ k = k + 1
166
+ print(f'[{k} of {len(p_names)}]: {(k / len(p_names)) * 100.0}% completed')
167
+
168
+ time.sleep(1)
169
+
170
+ def cleans_and_preprocesses_the_data(self) -> pd.DataFrame:
171
+ df_ml = pd.read_csv('/data/mercado_livre_products_enriched_with_google_about.csv', low_memory=False)
172
+ df_ml = df_ml[~(df_ml['description'].isna() | df_ml['about'].isna())]
173
+
174
+ df_ml['description'] = df_ml['description'].apply(lambda x: self.__clean_txt(x))
175
+ df_ml['description'] = df_ml['description'].apply(lambda x: x[0: self.__find_best_position_to_cut(x) + 1])
176
+ df_ml['about'] = df_ml['about'].apply(lambda x: x[0: self.__find_best_position_to_cut(x) + 1])
177
+
178
+ df_ml['size'] = df_ml['description'].apply(lambda x: self.__count_tokens(x))
179
+
180
+ df_ml = df_ml.sort_values(by=['size'], ascending=False)
181
+
182
+ df_ml = df_ml.reset_index(drop=True)
183
+
184
+ df_ml['sales_pitch'] = df_ml[['title', 'sub_category', 'description']].apply(
185
+ lambda x: f'Nome do produto:{x[0]}\nCategoria do produto:{x[1]}\nSugestão de como vender:{x[2]}', axis=1)
186
+ df_ml['about'] = df_ml[['title', 'sub_category', 'about']].apply(
187
+ lambda x: f'Nome do produto:{x[0]}\nCategoria do produto:{x[1]}\nSobre o produto:{x[2]}', axis=1)
188
+
189
+ # df_ml['sales_pitch'] = df_ml['sales_pitch'].apply(lambda x: self.__chat_gpt_summarize(x))
190
+ # map_about = {}
191
+ # lt_about = list(df_ml[['id', 'about']].apply(lambda x: {'id': x[0], 'about': x[1]}, axis=1).to_list())
192
+
193
+ # for about in lt_about:
194
+ # map_about[about['id']] = self.__chat_gpt_summarize(about['about'])
195
+
196
+ # df_ml['about'] = df_ml['about'].map(map_about)
197
+
198
+ df_ml = df_ml[['title', 'category', 'sub_category', 'sales_pitch', 'about']]
199
+
200
+ return df_ml
201
+
202
+ def embedding(self, df_ml: pd.DataFrame = pd.DataFrame(), add_docs=False):
203
+
204
+ if add_docs:
205
+ loader_sales_pitch = DataFrameLoader(df_ml, page_content_column="sales_pitch")
206
+ documents_sales_pitch = loader_sales_pitch.load()
207
+ documents_sales_pitch.extend(loader_sales_pitch.load_and_split())
208
+
209
+ loader_about = DataFrameLoader(df_ml, page_content_column="about")
210
+ documents_about = loader_about.load()
211
+ documents_about.extend(loader_about.load_and_split())
212
+
213
+ text_splitter = CharacterTextSplitter(chunk_size=2000, separator='\n', chunk_overlap=0)
214
+
215
+ docs_sales_pitch = text_splitter.split_documents(documents_sales_pitch)
216
+ docs_about = text_splitter.split_documents(documents_sales_pitch)
217
+ else:
218
+ docs_sales_pitch = None
219
+ docs_about = None
220
+
221
+ embeddings = HuggingFaceEmbeddings()
222
+
223
+ from langchain.vectorstores.deeplake import DeepLake
224
+ vector_store_sales_pitch = \
225
+ DeepLake(dataset_path="data/my_deeplake/sales_pitch/", embedding_function=embeddings, read_only=True)
226
+
227
+ vector_store_about = \
228
+ DeepLake(dataset_path="data/my_deeplake/about/", embedding_function=embeddings, read_only=True)
229
+
230
+ if add_docs:
231
+ vector_store_sales_pitch.add_documents(docs_sales_pitch)
232
+ vector_store_about.add_documents(docs_about)
233
+
234
+ self.retriever_sales_pitch = vector_store_sales_pitch.as_retriever()
235
+ self.retriever_about = vector_store_about.as_retriever()
236
+
237
+ def generate_sales_pitch(self, query: dict) -> str:
238
+
239
+ chain = RunnableParallel({
240
+ "sales_pitch": lambda x: self.retriever_sales_pitch.get_relevant_documents(x["products"])[0:1],
241
+ "about": lambda x: self.retriever_about.get_relevant_documents(x["products"])[0:1],
242
+ "products": lambda x: x["products"],
243
+ "sub_category": lambda x: x["sub_category"]
244
+ }) | self.prompt | self.model | self.output_parser
245
+
246
+ return chain.invoke(query)
247
+
248
+ @staticmethod
249
+ def __count_tokens(text):
250
+ encoding = tiktoken.encoding_for_model("gpt-3.5-turbo")
251
+ return len(encoding.encode(text))
252
+
253
+ def __text_to_chunks(self, text):
254
+ chunks = [[]]
255
+ chunk_total_words = 0
256
+
257
+ sentences = self.nlp(text)
258
+
259
+ for sentence in sentences.sents:
260
+ chunk_total_words += len(sentence.text.split(" "))
261
+
262
+ if chunk_total_words > 2000:
263
+ chunks.append([])
264
+ chunk_total_words = len(sentence.text.split(" "))
265
+
266
+ chunks[len(chunks) - 1].append(sentence.text)
267
+
268
+ return chunks
269
+
270
+ def __chat_gpt_summarize(self, text):
271
+ prompt = f"Resuma o seguinte texto em no máximo 5 frases:\n{text}"
272
+
273
+ response = self.client.completions.create(
274
+ model="gpt-3.5-turbo-instruct",
275
+ prompt=prompt,
276
+ temperature=0.3,
277
+ max_tokens=150,
278
+ top_p=1,
279
+ frequency_penalty=0,
280
+ presence_penalty=1
281
+ )
282
+
283
+ return response.choices[0].text
284
+
285
+ def __summarize_text(self, text):
286
+ chunks = self.__text_to_chunks(text)
287
+
288
+ chunk_summaries = []
289
+
290
+ for chunk in chunks:
291
+ chunk_summary = self.__chat_gpt_summarize(" ".join(chunk))
292
+ chunk_summaries.append(chunk_summary)
293
+ break
294
+
295
+ summary = " ".join(chunk_summaries)
296
+
297
+ return summary
298
+
299
+ def __find_best_position_to_cut(self, text):
300
+ lo = 0
301
+ hi = len(text) - 1
302
+ mid = hi
303
+
304
+ while lo <= hi:
305
+ mid = (lo + hi) >> 1
306
+
307
+ if self.__count_tokens(text[0:mid]) >= 1000:
308
+ hi = mid - 1
309
+ else:
310
+ lo = mid + 1
311
+
312
+ return mid
313
+
314
+ @staticmethod
315
+ def __clean_txt(txt):
316
+ while txt.find('\n\n') != -1:
317
+ txt = txt.replace('\n\n', '\n')
318
+ while txt.find('--') != -1:
319
+ txt = txt.replace('--', '-')
320
+ while txt.find(' ') != -1:
321
+ txt = txt.replace(' ', ' ')
322
+ while txt.find('__') != -1:
323
+ txt = txt.replace('__', '_')
324
+ while txt.find('\n_\n') != -1:
325
+ txt = txt.replace('\n_\n', '\n')
326
+ while txt.find('\n \n') != -1:
327
+ txt = txt.replace('\n \n', '\n')
328
+ return txt
app.py ADDED
@@ -0,0 +1,80 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from queue import Queue
2
+ from threading import Thread
3
+
4
+ import gradio as gr
5
+ import os
6
+
7
+
8
+ def call_invoke(name, queue_input, queue_output):
9
+ from MLSalesPitch import MLSalesPitch
10
+
11
+ ml_sales_pitch = MLSalesPitch()
12
+
13
+ ml_sales_pitch.embedding()
14
+
15
+ while True:
16
+ q = queue_input.get()
17
+
18
+ products = q['products']
19
+ sub_category_input = q['sub_category_input']
20
+
21
+ resp = ml_sales_pitch.generate_sales_pitch(query={'products': products, 'sub_category': sub_category_input})
22
+
23
+ queue_output.put(resp)
24
+
25
+
26
+ def call_invoke_queue(category: str, sub_category_input: str, products: str):
27
+ queue.put({'category': category, 'sub_category_input': sub_category_input, 'products': products})
28
+
29
+ return result.get()
30
+
31
+
32
+ with gr.Blocks(title='MLSalesPitch') as page:
33
+
34
+ gr.Image(type='pil', value=os.path.join(os.path.dirname(__file__), "asserts/imgs/llm.png"), elem_id="image_llm").style(height=260, width=300)
35
+ gr.Markdown(" ")
36
+ gr.Markdown("# MLSalesPitch")
37
+ gr.Markdown("## Gerar textos persuasivos para ações de Marketing e Vendas")
38
+ gr.Markdown(" ")
39
+
40
+ category_opt = \
41
+ gr.Dropdown(
42
+ ["Acessórios para Veículos"],
43
+ label="Categoria de produtos",
44
+ info="Selecione uma categoria",
45
+ )
46
+
47
+ sub_category_opt = \
48
+ gr.Dropdown(
49
+ ["Navegadores GPS para Vehículos", "Outros", "Ferramentas para Veículos", "Peças de Carros e Caminhonetes",
50
+ "Peças de Motos e Quadriciclos", "Performance", "Som Automotivo", "Peças de Linha Pesada",
51
+ "Acessórios Náuticos", "Limpeza Automotiva", "Aces. de Carros e Caminhonetes", "Rodas", "GNV",
52
+ "Segurança Veicular", "Aces. de Motos e Quadriciclos", "Peças Náuticas", "Pneus e Acessórios", "Tuning",
53
+ "Lubrificantes e Fluidos", "Serviços Programados", "Acessórios de Linha Pesada", "Motos",
54
+ "Tags de Pagamento de Pedágio"],
55
+ label="Sub categoria do produto",
56
+ info="Selecione uma sub categoria do produto"
57
+ )
58
+
59
+ with gr.Row():
60
+ input1 = gr.Textbox(label="Informe um ou mais produtos separados por vírgula:", lines=1)
61
+
62
+ with gr.Row():
63
+ button1 = gr.Button("Criar discurso de vendas")
64
+
65
+ with gr.Row():
66
+ output1 = gr.Textbox(label="Sugestão de discurso de venda gerado:", lines=25)
67
+
68
+ button1.click(call_invoke_queue, inputs=[category_opt, sub_category_opt, input1], outputs=[output1])
69
+
70
+ if __name__ == "__main__":
71
+ os.environ['TOKENIZERS_PARALLELISM'] = 'true'
72
+
73
+ queue = Queue()
74
+ result = Queue()
75
+
76
+ thd = Thread(target=call_invoke, args=(f"Thread invoke", queue, result), daemon=True)
77
+
78
+ thd.start()
79
+
80
+ page.launch(enable_queue=False, share=False)
asserts/imgs/llm.png ADDED
data/mercado_livre_products_enriched_with_google_about.csv ADDED
The diff for this file is too large to render. See raw diff
 
data/ml_categories.json ADDED
@@ -0,0 +1,1926 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "MLB5672":
3
+ {
4
+ "id": "MLB5672",
5
+ "name": "Acessórios para Veículos",
6
+ "children_categories":
7
+ [
8
+ {
9
+ "id": "MLB1747",
10
+ "name": "Aces. de Carros e Caminhonetes"
11
+ },
12
+ {
13
+ "id": "MLB1771",
14
+ "name": "Aces. de Motos e Quadriciclos"
15
+ },
16
+ {
17
+ "id": "MLB6005",
18
+ "name": "Acessórios Náuticos"
19
+ },
20
+ {
21
+ "id": "MLB438364",
22
+ "name": "Acessórios de Linha Pesada"
23
+ },
24
+ {
25
+ "id": "MLB2227",
26
+ "name": "Ferramentas para Veículos"
27
+ },
28
+ {
29
+ "id": "MLB45468",
30
+ "name": "GNV"
31
+ },
32
+ {
33
+ "id": "MLB188063",
34
+ "name": "Limpeza Automotiva"
35
+ },
36
+ {
37
+ "id": "MLB456111",
38
+ "name": "Lubrificantes e Fluidos"
39
+ },
40
+ {
41
+ "id": "MLB455863",
42
+ "name": "Motos"
43
+ },
44
+ {
45
+ "id": "MLB8531",
46
+ "name": "Navegadores GPS para Vehículos"
47
+ },
48
+ {
49
+ "id": "MLB5802",
50
+ "name": "Outros"
51
+ },
52
+ {
53
+ "id": "MLB260634",
54
+ "name": "Performance"
55
+ },
56
+ {
57
+ "id": "MLB456046",
58
+ "name": "Peças Náuticas"
59
+ },
60
+ {
61
+ "id": "MLB22693",
62
+ "name": "Peças de Carros e Caminhonetes"
63
+ },
64
+ {
65
+ "id": "MLB419936",
66
+ "name": "Peças de Linha Pesada"
67
+ },
68
+ {
69
+ "id": "MLB243551",
70
+ "name": "Peças de Motos e Quadriciclos"
71
+ },
72
+ {
73
+ "id": "MLB2238",
74
+ "name": "Pneus e Acessórios"
75
+ },
76
+ {
77
+ "id": "MLB255788",
78
+ "name": "Rodas"
79
+ },
80
+ {
81
+ "id": "MLB2239",
82
+ "name": "Segurança Veicular"
83
+ },
84
+ {
85
+ "id": "MLB377674",
86
+ "name": "Serviços Programados"
87
+ },
88
+ {
89
+ "id": "MLB3381",
90
+ "name": "Som Automotivo"
91
+ },
92
+ {
93
+ "id": "MLB455216",
94
+ "name": "Tags de Pagamento de Pedágio"
95
+ },
96
+ {
97
+ "id": "MLB1776",
98
+ "name": "Tuning"
99
+ }
100
+ ]
101
+ },
102
+ "MLB271599":
103
+ {
104
+ "id": "MLB271599",
105
+ "name": "Agro",
106
+ "children_categories":
107
+ [
108
+ {
109
+ "id": "MLB446791",
110
+ "name": "Agricultura de Precisão"
111
+ },
112
+ {
113
+ "id": "MLB442346",
114
+ "name": "Animais"
115
+ },
116
+ {
117
+ "id": "MLB456826",
118
+ "name": "Apicultura"
119
+ },
120
+ {
121
+ "id": "MLB456820",
122
+ "name": "Armezenamento"
123
+ },
124
+ {
125
+ "id": "MLB456833",
126
+ "name": "Energia Renovável"
127
+ },
128
+ {
129
+ "id": "MLB456927",
130
+ "name": "Ferramentas de Trabalho"
131
+ },
132
+ {
133
+ "id": "MLB456932",
134
+ "name": "Fertilizantes"
135
+ },
136
+ {
137
+ "id": "MLB454448",
138
+ "name": "Infra-estrutura Rural"
139
+ },
140
+ {
141
+ "id": "MLB442343",
142
+ "name": "Insumos Agrícolas"
143
+ },
144
+ {
145
+ "id": "MLB271641",
146
+ "name": "Insumos Gadeiros"
147
+ },
148
+ {
149
+ "id": "MLB457264",
150
+ "name": "Irrigação"
151
+ },
152
+ {
153
+ "id": "MLB456817",
154
+ "name": "Lubrificantes e Fluidos"
155
+ },
156
+ {
157
+ "id": "MLB1514",
158
+ "name": "Maquinaria Agrícola"
159
+ },
160
+ {
161
+ "id": "MLB457084",
162
+ "name": "Máquinas Forrageiras"
163
+ },
164
+ {
165
+ "id": "MLB1516",
166
+ "name": "Outros"
167
+ },
168
+ {
169
+ "id": "MLB442351",
170
+ "name": "Peças Maquinaria Agrícola"
171
+ },
172
+ {
173
+ "id": "MLB457052",
174
+ "name": "Produçao Animal"
175
+ },
176
+ {
177
+ "id": "MLB456795",
178
+ "name": "Proteção de Culturas"
179
+ },
180
+ {
181
+ "id": "MLB456964",
182
+ "name": "Sementes Agrícolas"
183
+ }
184
+ ]
185
+ },
186
+ "MLB1403":
187
+ {
188
+ "id": "MLB1403",
189
+ "name": "Alimentos e Bebidas",
190
+ "children_categories":
191
+ [
192
+ {
193
+ "id": "MLB278123",
194
+ "name": "Bebidas"
195
+ },
196
+ {
197
+ "id": "MLB410883",
198
+ "name": "Comida Preparada"
199
+ },
200
+ {
201
+ "id": "MLB455292",
202
+ "name": "Congelados"
203
+ },
204
+ {
205
+ "id": "MLB439739",
206
+ "name": "Frescos"
207
+ },
208
+ {
209
+ "id": "MLB455505",
210
+ "name": "Kefir"
211
+ },
212
+ {
213
+ "id": "MLB1423",
214
+ "name": "Mercearia"
215
+ },
216
+ {
217
+ "id": "MLB1417",
218
+ "name": "Outros"
219
+ }
220
+ ]
221
+ },
222
+ "MLB1071":
223
+ {
224
+ "id": "MLB1071",
225
+ "name": "Animais",
226
+ "children_categories":
227
+ [
228
+ {
229
+ "id": "MLB270897",
230
+ "name": "Anfíbios e Répteis"
231
+ },
232
+ {
233
+ "id": "MLB1100",
234
+ "name": "Aves e Acessórios"
235
+ },
236
+ {
237
+ "id": "MLB1072",
238
+ "name": "Cachorros"
239
+ },
240
+ {
241
+ "id": "MLB1117",
242
+ "name": "Cavalos"
243
+ },
244
+ {
245
+ "id": "MLB85880",
246
+ "name": "Coelhos"
247
+ },
248
+ {
249
+ "id": "MLB456660",
250
+ "name": "Gaiolas para Animais"
251
+ },
252
+ {
253
+ "id": "MLB1081",
254
+ "name": "Gatos"
255
+ },
256
+ {
257
+ "id": "MLB85855",
258
+ "name": "Guias para Animais"
259
+ },
260
+ {
261
+ "id": "MLB270868",
262
+ "name": "Insetos"
263
+ },
264
+ {
265
+ "id": "MLB1126",
266
+ "name": "Outros"
267
+ },
268
+ {
269
+ "id": "MLB1091",
270
+ "name": "Peixes"
271
+ },
272
+ {
273
+ "id": "MLB1105",
274
+ "name": "Roedores"
275
+ }
276
+ ]
277
+ },
278
+ "MLB1367":
279
+ {
280
+ "id": "MLB1367",
281
+ "name": "Antiguidades e Coleções",
282
+ "children_categories":
283
+ [
284
+ {
285
+ "id": "MLB436789",
286
+ "name": "Antiguidades"
287
+ },
288
+ {
289
+ "id": "MLB393901",
290
+ "name": "Bandeiras"
291
+ },
292
+ {
293
+ "id": "MLB439752",
294
+ "name": "Colecionáveis de Esportes"
295
+ },
296
+ {
297
+ "id": "MLB1806",
298
+ "name": "Cédulas e Moedas"
299
+ },
300
+ {
301
+ "id": "MLB2662",
302
+ "name": "Esculturas"
303
+ },
304
+ {
305
+ "id": "MLB1861",
306
+ "name": "Filatelia"
307
+ },
308
+ {
309
+ "id": "MLB1805",
310
+ "name": "Militaria e Afins"
311
+ },
312
+ {
313
+ "id": "MLB5457",
314
+ "name": "Outras Antiguidades"
315
+ },
316
+ {
317
+ "id": "MLB3475",
318
+ "name": "Pôsteres"
319
+ }
320
+ ]
321
+ },
322
+ "MLB1368":
323
+ {
324
+ "id": "MLB1368",
325
+ "name": "Arte, Papelaria e Armarinho",
326
+ "children_categories":
327
+ [
328
+ {
329
+ "id": "MLB1369",
330
+ "name": "Arte e Trabalhos Manuais"
331
+ },
332
+ {
333
+ "id": "MLB270263",
334
+ "name": "Artigos de Armarinho"
335
+ },
336
+ {
337
+ "id": "MLB381266",
338
+ "name": "Espelhos de Mosaico"
339
+ },
340
+ {
341
+ "id": "MLB44011",
342
+ "name": "Materiais Escolares"
343
+ },
344
+ {
345
+ "id": "MLB1371",
346
+ "name": "Outros"
347
+ }
348
+ ]
349
+ },
350
+ "MLB1384":
351
+ {
352
+ "id": "MLB1384",
353
+ "name": "Bebês",
354
+ "children_categories":
355
+ [
356
+ {
357
+ "id": "MLB5360",
358
+ "name": "Alimentação e Amamentação"
359
+ },
360
+ {
361
+ "id": "MLB39965",
362
+ "name": "Alimentos para Bebês"
363
+ },
364
+ {
365
+ "id": "MLB420332",
366
+ "name": "Andadores e Mini Veículos"
367
+ },
368
+ {
369
+ "id": "MLB420334",
370
+ "name": "Banho do Bebê"
371
+ },
372
+ {
373
+ "id": "MLB1392",
374
+ "name": "Brinquedos para Bebês"
375
+ },
376
+ {
377
+ "id": "MLB40563",
378
+ "name": "Cercadinho"
379
+ },
380
+ {
381
+ "id": "MLB420293",
382
+ "name": "Chupetas e Mordedores"
383
+ },
384
+ {
385
+ "id": "MLB420375",
386
+ "name": "Higiene e Cuidados com o Bebê"
387
+ },
388
+ {
389
+ "id": "MLB420295",
390
+ "name": "Maternidade"
391
+ },
392
+ {
393
+ "id": "MLB6156",
394
+ "name": "Outros"
395
+ },
396
+ {
397
+ "id": "MLB420409",
398
+ "name": "Passeio do Bebê"
399
+ },
400
+ {
401
+ "id": "MLB420361",
402
+ "name": "Quarto do Bebê"
403
+ },
404
+ {
405
+ "id": "MLB1396",
406
+ "name": "Roupas de Bebê"
407
+ },
408
+ {
409
+ "id": "MLB420353",
410
+ "name": "Saúde do Bebê"
411
+ },
412
+ {
413
+ "id": "MLB5358",
414
+ "name": "Segurança para Bebê"
415
+ }
416
+ ]
417
+ },
418
+ "MLB1246":
419
+ {
420
+ "id": "MLB1246",
421
+ "name": "Beleza e Cuidado Pessoal",
422
+ "children_categories":
423
+ [
424
+ {
425
+ "id": "MLB455174",
426
+ "name": "Artefatos para Cabelo"
427
+ },
428
+ {
429
+ "id": "MLB264751",
430
+ "name": "Artigos para Cabeleireiros"
431
+ },
432
+ {
433
+ "id": "MLB264787",
434
+ "name": "Barbearia"
435
+ },
436
+ {
437
+ "id": "MLB199407",
438
+ "name": "Cuidados com a Pele"
439
+ },
440
+ {
441
+ "id": "MLB1263",
442
+ "name": "Cuidados com o Cabelo"
443
+ },
444
+ {
445
+ "id": "MLB5383",
446
+ "name": "Depilação"
447
+ },
448
+ {
449
+ "id": "MLB431646",
450
+ "name": "Farmácia"
451
+ },
452
+ {
453
+ "id": "MLB198312",
454
+ "name": "Higiene Pessoal"
455
+ },
456
+ {
457
+ "id": "MLB29884",
458
+ "name": "Manicure e Pedicure"
459
+ },
460
+ {
461
+ "id": "MLB1248",
462
+ "name": "Maquiagem"
463
+ },
464
+ {
465
+ "id": "MLB1275",
466
+ "name": "Outros"
467
+ },
468
+ {
469
+ "id": "MLB6284",
470
+ "name": "Perfumes"
471
+ },
472
+ {
473
+ "id": "MLB278194",
474
+ "name": "Tratamentos de Beleza"
475
+ }
476
+ ]
477
+ },
478
+ "MLB1132":
479
+ {
480
+ "id": "MLB1132",
481
+ "name": "Brinquedos e Hobbies",
482
+ "children_categories":
483
+ [
484
+ {
485
+ "id": "MLB432991",
486
+ "name": "Anti-stress e Engenho"
487
+ },
488
+ {
489
+ "id": "MLB6911",
490
+ "name": "Ar Livre e Playground"
491
+ },
492
+ {
493
+ "id": "MLB418656",
494
+ "name": "Artes e Atividades"
495
+ },
496
+ {
497
+ "id": "MLB264337",
498
+ "name": "Bonecos e Bonecas"
499
+ },
500
+ {
501
+ "id": "MLB2961",
502
+ "name": "Brinquedos Eletrônicos"
503
+ },
504
+ {
505
+ "id": "MLB432818",
506
+ "name": "Brinquedos de Faz de Conta"
507
+ },
508
+ {
509
+ "id": "MLB455425",
510
+ "name": "Brinquedos de Montar"
511
+ },
512
+ {
513
+ "id": "MLB39492",
514
+ "name": "Brinquedos de Pegadinhas"
515
+ },
516
+ {
517
+ "id": "MLB433069",
518
+ "name": "Brinquedos de Praia e Piscina"
519
+ },
520
+ {
521
+ "id": "MLB3655",
522
+ "name": "Brinquedos para Bebês"
523
+ },
524
+ {
525
+ "id": "MLB433060",
526
+ "name": "Casinhas e Barracas"
527
+ },
528
+ {
529
+ "id": "MLB433047",
530
+ "name": "Fantoches e Marionetas"
531
+ },
532
+ {
533
+ "id": "MLB432873",
534
+ "name": "Hobbies"
535
+ },
536
+ {
537
+ "id": "MLB11229",
538
+ "name": "Instrumentos Musicais"
539
+ },
540
+ {
541
+ "id": "MLB437648",
542
+ "name": "Jogos de Salão"
543
+ },
544
+ {
545
+ "id": "MLB432988",
546
+ "name": "Jogos de Tabuleiro e Cartas"
547
+ },
548
+ {
549
+ "id": "MLB255050",
550
+ "name": "Lançadores de Brinquedo"
551
+ },
552
+ {
553
+ "id": "MLB270072",
554
+ "name": "Mesas e Cadeiras"
555
+ },
556
+ {
557
+ "id": "MLB6905",
558
+ "name": "Mini Veículos e Bicicletas"
559
+ },
560
+ {
561
+ "id": "MLB1910",
562
+ "name": "Outros"
563
+ },
564
+ {
565
+ "id": "MLB437690",
566
+ "name": "Patins e Skates"
567
+ },
568
+ {
569
+ "id": "MLB1166",
570
+ "name": "Pelúcias"
571
+ },
572
+ {
573
+ "id": "MLB12468",
574
+ "name": "Piscinas de Bolas e Infláveis"
575
+ },
576
+ {
577
+ "id": "MLB432871",
578
+ "name": "Veículos de Brinquedo"
579
+ },
580
+ {
581
+ "id": "MLB1831",
582
+ "name": "Álbuns e Figurinhas"
583
+ }
584
+ ]
585
+ },
586
+ "MLB1430":
587
+ {
588
+ "id": "MLB1430",
589
+ "name": "Calçados, Roupas e Bolsas",
590
+ "children_categories":
591
+ [
592
+ {
593
+ "id": "MLB1451",
594
+ "name": "Acessórios de Moda"
595
+ },
596
+ {
597
+ "id": "MLB455528",
598
+ "name": "Agasalhos"
599
+ },
600
+ {
601
+ "id": "MLB188064",
602
+ "name": "Bermudas e Shorts"
603
+ },
604
+ {
605
+ "id": "MLB3112",
606
+ "name": "Blusas"
607
+ },
608
+ {
609
+ "id": "MLB23262",
610
+ "name": "Calçados"
611
+ },
612
+ {
613
+ "id": "MLB188065",
614
+ "name": "Calças"
615
+ },
616
+ {
617
+ "id": "MLB107292",
618
+ "name": "Camisas"
619
+ },
620
+ {
621
+ "id": "MLB31447",
622
+ "name": "Camisetas e Regatas"
623
+ },
624
+ {
625
+ "id": "MLB271862",
626
+ "name": "Indumentária Laboral e Escolar"
627
+ },
628
+ {
629
+ "id": "MLB455550",
630
+ "name": "Kimonos"
631
+ },
632
+ {
633
+ "id": "MLB271219",
634
+ "name": "Kits de Conjuntos de Roupa"
635
+ },
636
+ {
637
+ "id": "MLB278018",
638
+ "name": "Leggings"
639
+ },
640
+ {
641
+ "id": "MLB27250",
642
+ "name": "Macacão"
643
+ },
644
+ {
645
+ "id": "MLB1457",
646
+ "name": "Malas e Bolsas"
647
+ },
648
+ {
649
+ "id": "MLB270215",
650
+ "name": "Moda Fitness"
651
+ },
652
+ {
653
+ "id": "MLB430391",
654
+ "name": "Moda Praia"
655
+ },
656
+ {
657
+ "id": "MLB108786",
658
+ "name": "Moda Íntima e Lingerie"
659
+ },
660
+ {
661
+ "id": "MLB1911",
662
+ "name": "Outros"
663
+ },
664
+ {
665
+ "id": "MLB5366",
666
+ "name": "Roupas para Bebês"
667
+ },
668
+ {
669
+ "id": "MLB185489",
670
+ "name": "Saias"
671
+ },
672
+ {
673
+ "id": "MLB108831",
674
+ "name": "Ternos"
675
+ },
676
+ {
677
+ "id": "MLB108704",
678
+ "name": "Vestidos"
679
+ }
680
+ ]
681
+ },
682
+ "MLB1039":
683
+ {
684
+ "id": "MLB1039",
685
+ "name": "Câmeras e Acessórios",
686
+ "children_categories":
687
+ [
688
+ {
689
+ "id": "MLB1049",
690
+ "name": "Acessórios para Câmeras"
691
+ },
692
+ {
693
+ "id": "MLB5849",
694
+ "name": "Cabos"
695
+ },
696
+ {
697
+ "id": "MLB191839",
698
+ "name": "Câmeras"
699
+ },
700
+ {
701
+ "id": "MLB430403",
702
+ "name": "Drones e Acessórios"
703
+ },
704
+ {
705
+ "id": "MLB1048",
706
+ "name": "Equipamento de Revelação"
707
+ },
708
+ {
709
+ "id": "MLB6989",
710
+ "name": "Filmadoras"
711
+ },
712
+ {
713
+ "id": "MLB4062",
714
+ "name": "Instrumentos Ópticos "
715
+ },
716
+ {
717
+ "id": "MLB438021",
718
+ "name": "Lentes e Filtros"
719
+ },
720
+ {
721
+ "id": "MLB1914",
722
+ "name": "Outros"
723
+ },
724
+ {
725
+ "id": "MLB430984",
726
+ "name": "Peças para Câmeras"
727
+ },
728
+ {
729
+ "id": "MLB437831",
730
+ "name": "Álbuns e Porta-retratos"
731
+ }
732
+ ]
733
+ },
734
+ "MLB1743":
735
+ {
736
+ "id": "MLB1743",
737
+ "name": "Carros, Motos e Outros",
738
+ "children_categories":
739
+ [
740
+ {
741
+ "id": "MLB5839",
742
+ "name": "Caminhões"
743
+ },
744
+ {
745
+ "id": "MLB1745",
746
+ "name": "Carros Antigos"
747
+ },
748
+ {
749
+ "id": "MLB1744",
750
+ "name": "Carros e Caminhonetes"
751
+ },
752
+ {
753
+ "id": "MLB10965",
754
+ "name": "Consórcios"
755
+ },
756
+ {
757
+ "id": "MLB7370",
758
+ "name": "Motorhomes"
759
+ },
760
+ {
761
+ "id": "MLB1763",
762
+ "name": "Motos"
763
+ },
764
+ {
765
+ "id": "MLB1785",
766
+ "name": "Náutica"
767
+ },
768
+ {
769
+ "id": "MLB1907",
770
+ "name": "Outros Veículos"
771
+ },
772
+ {
773
+ "id": "MLB76421",
774
+ "name": "Veículos Pesados"
775
+ },
776
+ {
777
+ "id": "MLB47400",
778
+ "name": "Ônibus"
779
+ }
780
+ ]
781
+ },
782
+ "MLB1574":
783
+ {
784
+ "id": "MLB1574",
785
+ "name": "Casa, Móveis e Decoração",
786
+ "children_categories":
787
+ [
788
+ {
789
+ "id": "MLB1613",
790
+ "name": "Banheiros"
791
+ },
792
+ {
793
+ "id": "MLB438928",
794
+ "name": "Camas, Colchões e Acessórios"
795
+ },
796
+ {
797
+ "id": "MLB1618",
798
+ "name": "Cozinha"
799
+ },
800
+ {
801
+ "id": "MLB264051",
802
+ "name": "Cuidado da Casa e Lavanderia"
803
+ },
804
+ {
805
+ "id": "MLB1631",
806
+ "name": "Enfeites e Decoração da Casa"
807
+ },
808
+ {
809
+ "id": "MLB1582",
810
+ "name": "Iluminação Residencial"
811
+ },
812
+ {
813
+ "id": "MLB1621",
814
+ "name": "Jardim e Ar Livre"
815
+ },
816
+ {
817
+ "id": "MLB436380",
818
+ "name": "Móveis para Casa"
819
+ },
820
+ {
821
+ "id": "MLB436414",
822
+ "name": "Organização para Casa"
823
+ },
824
+ {
825
+ "id": "MLB1902",
826
+ "name": "Outros"
827
+ },
828
+ {
829
+ "id": "MLB7069",
830
+ "name": "Segurança para Casa"
831
+ },
832
+ {
833
+ "id": "MLB436246",
834
+ "name": "Têxteis de Casa e Decoração"
835
+ }
836
+ ]
837
+ },
838
+ "MLB1051":
839
+ {
840
+ "id": "MLB1051",
841
+ "name": "Celulares e Telefones",
842
+ "children_categories":
843
+ [
844
+ {
845
+ "id": "MLB3813",
846
+ "name": "Acessórios para Celulares"
847
+ },
848
+ {
849
+ "id": "MLB1055",
850
+ "name": "Celulares e Smartphones"
851
+ },
852
+ {
853
+ "id": "MLB1915",
854
+ "name": "Outros"
855
+ },
856
+ {
857
+ "id": "MLB7462",
858
+ "name": "Peças para Celular"
859
+ },
860
+ {
861
+ "id": "MLB2908",
862
+ "name": "Rádio Comunicadores"
863
+ },
864
+ {
865
+ "id": "MLB417704",
866
+ "name": "Smartwatches e Acessórios"
867
+ },
868
+ {
869
+ "id": "MLB438616",
870
+ "name": "Tarifadores e Cabines"
871
+ },
872
+ {
873
+ "id": "MLB438581",
874
+ "name": "Telefonia Fixa e Sem Fio"
875
+ },
876
+ {
877
+ "id": "MLB7502",
878
+ "name": "VoIP"
879
+ },
880
+ {
881
+ "id": "MLB260639",
882
+ "name": "Óculos de Realidade Virtual"
883
+ }
884
+ ]
885
+ },
886
+ "MLB1500":
887
+ {
888
+ "id": "MLB1500",
889
+ "name": "Construção",
890
+ "children_categories":
891
+ [
892
+ {
893
+ "id": "MLB438772",
894
+ "name": "Aberturas"
895
+ },
896
+ {
897
+ "id": "MLB455443",
898
+ "name": "Acessórios de Construção"
899
+ },
900
+ {
901
+ "id": "MLB435273",
902
+ "name": "Encanamento"
903
+ },
904
+ {
905
+ "id": "MLB2467",
906
+ "name": "Energia"
907
+ },
908
+ {
909
+ "id": "MLB241354",
910
+ "name": "Loja das Tintas"
911
+ },
912
+ {
913
+ "id": "MLB403697",
914
+ "name": "Materiais de Obra"
915
+ },
916
+ {
917
+ "id": "MLB269773",
918
+ "name": "Mobiliário para Banheiros"
919
+ },
920
+ {
921
+ "id": "MLB269958",
922
+ "name": "Mobiliário para Cozinhas"
923
+ },
924
+ {
925
+ "id": "MLB1502",
926
+ "name": "Máquinas para Construção"
927
+ },
928
+ {
929
+ "id": "MLB1503",
930
+ "name": "Outros"
931
+ },
932
+ {
933
+ "id": "MLB14548",
934
+ "name": "Pisos e Rejuntes"
935
+ }
936
+ ]
937
+ },
938
+ "MLB5726":
939
+ {
940
+ "id": "MLB5726",
941
+ "name": "Eletrodomésticos",
942
+ "children_categories":
943
+ [
944
+ {
945
+ "id": "MLB252358",
946
+ "name": "Ar e Ventilação"
947
+ },
948
+ {
949
+ "id": "MLB21171",
950
+ "name": "Bebedouros e Purificadores"
951
+ },
952
+ {
953
+ "id": "MLB439347",
954
+ "name": "Cuidado Pessoal"
955
+ },
956
+ {
957
+ "id": "MLB1580",
958
+ "name": "Fornos e Fogões"
959
+ },
960
+ {
961
+ "id": "MLB438282",
962
+ "name": "Lavadores"
963
+ },
964
+ {
965
+ "id": "MLB1899",
966
+ "name": "Outros"
967
+ },
968
+ {
969
+ "id": "MLB438284",
970
+ "name": "Pequenos Eletrodomésticos"
971
+ },
972
+ {
973
+ "id": "MLB1576",
974
+ "name": "Refrigeração"
975
+ }
976
+ ]
977
+ },
978
+ "MLB1000":
979
+ {
980
+ "id": "MLB1000",
981
+ "name": "Eletrônicos, Áudio e Vídeo",
982
+ "children_categories":
983
+ [
984
+ {
985
+ "id": "MLB1007",
986
+ "name": "Acessórios para TV"
987
+ },
988
+ {
989
+ "id": "MLB4887",
990
+ "name": "Acessórios para Áudio e Vídeo"
991
+ },
992
+ {
993
+ "id": "MLB1001",
994
+ "name": "Aparelhos DVD e Bluray"
995
+ },
996
+ {
997
+ "id": "MLB271208",
998
+ "name": "Bolsas e Estojos"
999
+ },
1000
+ {
1001
+ "id": "MLB10737",
1002
+ "name": "Cabos"
1003
+ },
1004
+ {
1005
+ "id": "MLB6999",
1006
+ "name": "Componentes Eletrônicos"
1007
+ },
1008
+ {
1009
+ "id": "MLB4914",
1010
+ "name": "Controles Remotos"
1011
+ },
1012
+ {
1013
+ "id": "MLB264065",
1014
+ "name": "Drones e Acessórios"
1015
+ },
1016
+ {
1017
+ "id": "MLB133950",
1018
+ "name": "Media Streaming"
1019
+ },
1020
+ {
1021
+ "id": "MLB4901",
1022
+ "name": "Outros Eletrônicos"
1023
+ },
1024
+ {
1025
+ "id": "MLB322074",
1026
+ "name": "Peças para TV"
1027
+ },
1028
+ {
1029
+ "id": "MLB4900",
1030
+ "name": "Pilhas e Carregadores"
1031
+ },
1032
+ {
1033
+ "id": "MLB2830",
1034
+ "name": "Projetores e Telas"
1035
+ },
1036
+ {
1037
+ "id": "MLB1002",
1038
+ "name": "Televisores"
1039
+ },
1040
+ {
1041
+ "id": "MLB3835",
1042
+ "name": "Áudio"
1043
+ }
1044
+ ]
1045
+ },
1046
+ "MLB1276":
1047
+ {
1048
+ "id": "MLB1276",
1049
+ "name": "Esportes e Fitness",
1050
+ "children_categories":
1051
+ [
1052
+ {
1053
+ "id": "MLB2480",
1054
+ "name": "Artes Marciais e Boxe"
1055
+ },
1056
+ {
1057
+ "id": "MLB223366",
1058
+ "name": "Badminton"
1059
+ },
1060
+ {
1061
+ "id": "MLB10539",
1062
+ "name": "Baseball e Softball"
1063
+ },
1064
+ {
1065
+ "id": "MLB1309",
1066
+ "name": "Basquete"
1067
+ },
1068
+ {
1069
+ "id": "MLB1362",
1070
+ "name": "Camping, Caça e Pesca"
1071
+ },
1072
+ {
1073
+ "id": "MLB1978",
1074
+ "name": "Canoas, Caiaques e Infláveis"
1075
+ },
1076
+ {
1077
+ "id": "MLB1292",
1078
+ "name": "Ciclismo"
1079
+ },
1080
+ {
1081
+ "id": "MLB223498",
1082
+ "name": "Equitação"
1083
+ },
1084
+ {
1085
+ "id": "MLB417504",
1086
+ "name": "Esgrima"
1087
+ },
1088
+ {
1089
+ "id": "MLB421368",
1090
+ "name": "Esqui e Snowboard"
1091
+ },
1092
+ {
1093
+ "id": "MLB1338",
1094
+ "name": "Fitness e Musculação"
1095
+ },
1096
+ {
1097
+ "id": "MLB1286",
1098
+ "name": "Futebol"
1099
+ },
1100
+ {
1101
+ "id": "MLB1302",
1102
+ "name": "Futebol Americano"
1103
+ },
1104
+ {
1105
+ "id": "MLB9900",
1106
+ "name": "Golfe"
1107
+ },
1108
+ {
1109
+ "id": "MLB438767",
1110
+ "name": "Handebol"
1111
+ },
1112
+ {
1113
+ "id": "MLB251434",
1114
+ "name": "Hockey"
1115
+ },
1116
+ {
1117
+ "id": "MLB438999",
1118
+ "name": "Jogos de Salão"
1119
+ },
1120
+ {
1121
+ "id": "MLB37853",
1122
+ "name": "Kitesurf"
1123
+ },
1124
+ {
1125
+ "id": "MLB1279",
1126
+ "name": "Mergulho"
1127
+ },
1128
+ {
1129
+ "id": "MLB1339",
1130
+ "name": "Moda Fitness"
1131
+ },
1132
+ {
1133
+ "id": "MLB123103",
1134
+ "name": "Monitores Esportivos"
1135
+ },
1136
+ {
1137
+ "id": "MLB1278",
1138
+ "name": "Natação"
1139
+ },
1140
+ {
1141
+ "id": "MLB1358",
1142
+ "name": "Outros"
1143
+ },
1144
+ {
1145
+ "id": "MLB9896",
1146
+ "name": "Paintball"
1147
+ },
1148
+ {
1149
+ "id": "MLB67936",
1150
+ "name": "Parapente"
1151
+ },
1152
+ {
1153
+ "id": "MLB410723",
1154
+ "name": "Patinetes e Scooters"
1155
+ },
1156
+ {
1157
+ "id": "MLB1293",
1158
+ "name": "Patín e Skateboard"
1159
+ },
1160
+ {
1161
+ "id": "MLB278252",
1162
+ "name": "Pilates e Yoga"
1163
+ },
1164
+ {
1165
+ "id": "MLB1357",
1166
+ "name": "Rapel, Montanhismo e Escalada"
1167
+ },
1168
+ {
1169
+ "id": "MLB270338",
1170
+ "name": "Rugby"
1171
+ },
1172
+ {
1173
+ "id": "MLB180337",
1174
+ "name": "Slackline"
1175
+ },
1176
+ {
1177
+ "id": "MLB438178",
1178
+ "name": "Suplementos e Shakers"
1179
+ },
1180
+ {
1181
+ "id": "MLB1281",
1182
+ "name": "Surf e Bodyboard"
1183
+ },
1184
+ {
1185
+ "id": "MLB440904",
1186
+ "name": "Tiro Esportivo"
1187
+ },
1188
+ {
1189
+ "id": "MLB3900",
1190
+ "name": "Tênis"
1191
+ },
1192
+ {
1193
+ "id": "MLB1322",
1194
+ "name": "Tênis e Squash"
1195
+ },
1196
+ {
1197
+ "id": "MLB422153",
1198
+ "name": "Vôlei"
1199
+ },
1200
+ {
1201
+ "id": "MLB12213",
1202
+ "name": "Wakeboard e Esquí Acuático"
1203
+ },
1204
+ {
1205
+ "id": "MLB439278",
1206
+ "name": "Windsurfe"
1207
+ }
1208
+ ]
1209
+ },
1210
+ "MLB263532":
1211
+ {
1212
+ "id": "MLB263532",
1213
+ "name": "Ferramentas",
1214
+ "children_categories":
1215
+ [
1216
+ {
1217
+ "id": "MLB2528",
1218
+ "name": "Acessórios para Ferramentas"
1219
+ },
1220
+ {
1221
+ "id": "MLB189210",
1222
+ "name": "Caixas e Organizadores"
1223
+ },
1224
+ {
1225
+ "id": "MLB2526",
1226
+ "name": "Ferramentas Elétricas"
1227
+ },
1228
+ {
1229
+ "id": "MLB439064",
1230
+ "name": "Ferramentas Industriais"
1231
+ },
1232
+ {
1233
+ "id": "MLB2527",
1234
+ "name": "Ferramentas Manuais"
1235
+ },
1236
+ {
1237
+ "id": "MLB437789",
1238
+ "name": "Ferramentas Pneumáticas"
1239
+ },
1240
+ {
1241
+ "id": "MLB269932",
1242
+ "name": "Ferramentas para Jardim"
1243
+ },
1244
+ {
1245
+ "id": "MLB5550",
1246
+ "name": "Medições e Instrumentação"
1247
+ },
1248
+ {
1249
+ "id": "MLB5236",
1250
+ "name": "Outros"
1251
+ }
1252
+ ]
1253
+ },
1254
+ "MLB12404":
1255
+ {
1256
+ "id": "MLB12404",
1257
+ "name": "Festas e Lembrancinhas",
1258
+ "children_categories":
1259
+ [
1260
+ {
1261
+ "id": "MLB256810",
1262
+ "name": "Artigos para Festas"
1263
+ },
1264
+ {
1265
+ "id": "MLB256809",
1266
+ "name": "Convites"
1267
+ },
1268
+ {
1269
+ "id": "MLB50656",
1270
+ "name": "Decoração de Festa"
1271
+ },
1272
+ {
1273
+ "id": "MLB256841",
1274
+ "name": "Descartáveis para Festa"
1275
+ },
1276
+ {
1277
+ "id": "MLB438497",
1278
+ "name": "Espuma, Serpentinas e Confete"
1279
+ },
1280
+ {
1281
+ "id": "MLB455857",
1282
+ "name": "Fantasias y Cosplay"
1283
+ },
1284
+ {
1285
+ "id": "MLB277580",
1286
+ "name": "Kits Imprimíveis para Festas"
1287
+ },
1288
+ {
1289
+ "id": "MLB40189",
1290
+ "name": "Lembrancinhas"
1291
+ },
1292
+ {
1293
+ "id": "MLB46237",
1294
+ "name": "Outros"
1295
+ },
1296
+ {
1297
+ "id": "MLB260364",
1298
+ "name": "Plaquinhas para Festas"
1299
+ }
1300
+ ]
1301
+ },
1302
+ "MLB1144":
1303
+ {
1304
+ "id": "MLB1144",
1305
+ "name": "Games",
1306
+ "children_categories":
1307
+ [
1308
+ {
1309
+ "id": "MLB438578",
1310
+ "name": "Acessórios para Consoles"
1311
+ },
1312
+ {
1313
+ "id": "MLB439527",
1314
+ "name": "Acessórios para PC Gaming"
1315
+ },
1316
+ {
1317
+ "id": "MLB11172",
1318
+ "name": "Consoles"
1319
+ },
1320
+ {
1321
+ "id": "MLB51149",
1322
+ "name": "Fliperamas e Arcade"
1323
+ },
1324
+ {
1325
+ "id": "MLB11207",
1326
+ "name": "Outros"
1327
+ },
1328
+ {
1329
+ "id": "MLB438579",
1330
+ "name": "Peças para Consoles"
1331
+ },
1332
+ {
1333
+ "id": "MLB186456",
1334
+ "name": "Video Games"
1335
+ }
1336
+ ]
1337
+ },
1338
+ "MLB1459":
1339
+ {
1340
+ "id": "MLB1459",
1341
+ "name": "Imóveis",
1342
+ "children_categories":
1343
+ [
1344
+ {
1345
+ "id": "MLB1472",
1346
+ "name": "Apartamentos"
1347
+ },
1348
+ {
1349
+ "id": "MLB1466",
1350
+ "name": "Casas"
1351
+ },
1352
+ {
1353
+ "id": "MLB1496",
1354
+ "name": "Chácaras"
1355
+ },
1356
+ {
1357
+ "id": "MLB214909",
1358
+ "name": "Fazendas"
1359
+ },
1360
+ {
1361
+ "id": "MLB1460",
1362
+ "name": "Flat - Apart Hotel"
1363
+ },
1364
+ {
1365
+ "id": "MLB215108",
1366
+ "name": "Galpões"
1367
+ },
1368
+ {
1369
+ "id": "MLB215109",
1370
+ "name": "Lojas Comerciais"
1371
+ },
1372
+ {
1373
+ "id": "MLB1892",
1374
+ "name": "Outros Imóveis"
1375
+ },
1376
+ {
1377
+ "id": "MLB215107",
1378
+ "name": "Salas Comerciais"
1379
+ },
1380
+ {
1381
+ "id": "MLB214910",
1382
+ "name": "Sítios"
1383
+ },
1384
+ {
1385
+ "id": "MLB1493",
1386
+ "name": "Terrenos"
1387
+ }
1388
+ ]
1389
+ },
1390
+ "MLB1499":
1391
+ {
1392
+ "id": "MLB1499",
1393
+ "name": "Indústria e Comércio",
1394
+ "children_categories":
1395
+ [
1396
+ {
1397
+ "id": "MLB438906",
1398
+ "name": "Arquitetura e Desenho"
1399
+ },
1400
+ {
1401
+ "id": "MLB270864",
1402
+ "name": "Embalagem e Logística"
1403
+ },
1404
+ {
1405
+ "id": "MLB454798",
1406
+ "name": "Equipamento Médico"
1407
+ },
1408
+ {
1409
+ "id": "MLB5452",
1410
+ "name": "Equipamento para Comércios"
1411
+ },
1412
+ {
1413
+ "id": "MLB2102",
1414
+ "name": "Equipamento para Escritórios"
1415
+ },
1416
+ {
1417
+ "id": "MLB454785",
1418
+ "name": "Ferramentas Industriais"
1419
+ },
1420
+ {
1421
+ "id": "MLB268412",
1422
+ "name": "Gastronomia e Hotelaria"
1423
+ },
1424
+ {
1425
+ "id": "MLB5446",
1426
+ "name": "Gráfica e Impressão"
1427
+ },
1428
+ {
1429
+ "id": "MLB1893",
1430
+ "name": "Outros"
1431
+ },
1432
+ {
1433
+ "id": "MLB439267",
1434
+ "name": "Publicidade e Promoção"
1435
+ },
1436
+ {
1437
+ "id": "MLB270252",
1438
+ "name": "Segurança Laboral"
1439
+ },
1440
+ {
1441
+ "id": "MLB5454",
1442
+ "name": "Têxtil e Calçado"
1443
+ },
1444
+ {
1445
+ "id": "MLB439268",
1446
+ "name": "Uniformes e Roupa de Trabalho"
1447
+ }
1448
+ ]
1449
+ },
1450
+ "MLB1648":
1451
+ {
1452
+ "id": "MLB1648",
1453
+ "name": "Informática",
1454
+ "children_categories":
1455
+ [
1456
+ {
1457
+ "id": "MLB271913",
1458
+ "name": "Acessórios de Antiestática"
1459
+ },
1460
+ {
1461
+ "id": "MLB447778",
1462
+ "name": "Acessórios para PC Gaming"
1463
+ },
1464
+ {
1465
+ "id": "MLB430598",
1466
+ "name": "Armazenamento"
1467
+ },
1468
+ {
1469
+ "id": "MLB430918",
1470
+ "name": "Cabos e Hubs USB"
1471
+ },
1472
+ {
1473
+ "id": "MLB1712",
1474
+ "name": "Componentes para PC"
1475
+ },
1476
+ {
1477
+ "id": "MLB1700",
1478
+ "name": "Conectividade e Redes"
1479
+ },
1480
+ {
1481
+ "id": "MLB1718",
1482
+ "name": "Estabilizadores e No Breaks"
1483
+ },
1484
+ {
1485
+ "id": "MLB5875",
1486
+ "name": "Impressão"
1487
+ },
1488
+ {
1489
+ "id": "MLB271908",
1490
+ "name": "Leitores e Scanners"
1491
+ },
1492
+ {
1493
+ "id": "MLB99944",
1494
+ "name": "Limpeza de PCs"
1495
+ },
1496
+ {
1497
+ "id": "MLB14370",
1498
+ "name": "Monitores e Acessórios"
1499
+ },
1500
+ {
1501
+ "id": "MLB1912",
1502
+ "name": "Outros"
1503
+ },
1504
+ {
1505
+ "id": "MLB430637",
1506
+ "name": "PC de Mesa"
1507
+ },
1508
+ {
1509
+ "id": "MLB1651",
1510
+ "name": "Palms e Handhelds"
1511
+ },
1512
+ {
1513
+ "id": "MLB454379",
1514
+ "name": "Periféricos para PC"
1515
+ },
1516
+ {
1517
+ "id": "MLB430687",
1518
+ "name": "Portáteis e Acessórios"
1519
+ },
1520
+ {
1521
+ "id": "MLB1657",
1522
+ "name": "Projetores e Telas"
1523
+ },
1524
+ {
1525
+ "id": "MLB1723",
1526
+ "name": "Software"
1527
+ },
1528
+ {
1529
+ "id": "MLB91757",
1530
+ "name": "Tablets e Acessórios"
1531
+ }
1532
+ ]
1533
+ },
1534
+ "MLB218519":
1535
+ {
1536
+ "id": "MLB218519",
1537
+ "name": "Ingressos",
1538
+ "children_categories":
1539
+ [
1540
+ {
1541
+ "id": "MLB431097",
1542
+ "name": "Eventos Esportivos"
1543
+ },
1544
+ {
1545
+ "id": "MLB454714",
1546
+ "name": "Eventos a Benefício"
1547
+ },
1548
+ {
1549
+ "id": "MLB431098",
1550
+ "name": "Exposições"
1551
+ },
1552
+ {
1553
+ "id": "MLB225897",
1554
+ "name": "Ingressos de Coleção"
1555
+ },
1556
+ {
1557
+ "id": "MLB225884",
1558
+ "name": "Outros Ingressos"
1559
+ },
1560
+ {
1561
+ "id": "MLB255707",
1562
+ "name": "Shows"
1563
+ },
1564
+ {
1565
+ "id": "MLB255708",
1566
+ "name": "Teatro e Cultura"
1567
+ }
1568
+ ]
1569
+ },
1570
+ "MLB1182":
1571
+ {
1572
+ "id": "MLB1182",
1573
+ "name": "Instrumentos Musicais",
1574
+ "children_categories":
1575
+ [
1576
+ {
1577
+ "id": "MLB3004",
1578
+ "name": "Baterias e Percussão"
1579
+ },
1580
+ {
1581
+ "id": "MLB4472",
1582
+ "name": "Caixas de Som"
1583
+ },
1584
+ {
1585
+ "id": "MLB4474",
1586
+ "name": "Equipamento para DJs"
1587
+ },
1588
+ {
1589
+ "id": "MLB434917",
1590
+ "name": "Estúdio de Gravação"
1591
+ },
1592
+ {
1593
+ "id": "MLB278055",
1594
+ "name": "Instrumentos de Corda"
1595
+ },
1596
+ {
1597
+ "id": "MLB278056",
1598
+ "name": "Instrumentos de Sopro"
1599
+ },
1600
+ {
1601
+ "id": "MLB4479",
1602
+ "name": "Metrônomos"
1603
+ },
1604
+ {
1605
+ "id": "MLB434816",
1606
+ "name": "Microfones e Amplificadores"
1607
+ },
1608
+ {
1609
+ "id": "MLB3014",
1610
+ "name": "Outros"
1611
+ },
1612
+ {
1613
+ "id": "MLB438490",
1614
+ "name": "Partituras e Letras"
1615
+ },
1616
+ {
1617
+ "id": "MLB432934",
1618
+ "name": "Pedais e Acessórios"
1619
+ },
1620
+ {
1621
+ "id": "MLB3022",
1622
+ "name": "Pianos e Teclados"
1623
+ }
1624
+ ]
1625
+ },
1626
+ "MLB3937":
1627
+ {
1628
+ "id": "MLB3937",
1629
+ "name": "Joias e Relógios",
1630
+ "children_categories":
1631
+ [
1632
+ {
1633
+ "id": "MLB118024",
1634
+ "name": "Acessórios Para Relógios"
1635
+ },
1636
+ {
1637
+ "id": "MLB404419",
1638
+ "name": "Artigos de Joalharia"
1639
+ },
1640
+ {
1641
+ "id": "MLB431891",
1642
+ "name": "Canetas e Lapiseiras de Luxo"
1643
+ },
1644
+ {
1645
+ "id": "MLB1431",
1646
+ "name": "Joias e Bijuterias"
1647
+ },
1648
+ {
1649
+ "id": "MLB3938",
1650
+ "name": "Outros"
1651
+ },
1652
+ {
1653
+ "id": "MLB1441",
1654
+ "name": "Pedras Preciosas"
1655
+ },
1656
+ {
1657
+ "id": "MLB5122",
1658
+ "name": "Piercings"
1659
+ },
1660
+ {
1661
+ "id": "MLB40282",
1662
+ "name": "Porta Joias"
1663
+ },
1664
+ {
1665
+ "id": "MLB118017",
1666
+ "name": "Relógios"
1667
+ }
1668
+ ]
1669
+ },
1670
+ "MLB1196":
1671
+ {
1672
+ "id": "MLB1196",
1673
+ "name": "Livros, Revistas e Comics",
1674
+ "children_categories":
1675
+ [
1676
+ {
1677
+ "id": "MLB11466",
1678
+ "name": "Catálogos"
1679
+ },
1680
+ {
1681
+ "id": "MLB455868",
1682
+ "name": "Ebooks"
1683
+ },
1684
+ {
1685
+ "id": "MLB437616",
1686
+ "name": "Livros Físicos"
1687
+ },
1688
+ {
1689
+ "id": "MLB1227",
1690
+ "name": "Outros"
1691
+ },
1692
+ {
1693
+ "id": "MLB1222",
1694
+ "name": "Revistas"
1695
+ }
1696
+ ]
1697
+ },
1698
+ "MLB1168":
1699
+ {
1700
+ "id": "MLB1168",
1701
+ "name": "Música, Filmes e Seriados",
1702
+ "children_categories":
1703
+ [
1704
+ {
1705
+ "id": "MLB456481",
1706
+ "name": "Conteúdo Esportivo"
1707
+ },
1708
+ {
1709
+ "id": "MLB445795",
1710
+ "name": "Cursos"
1711
+ },
1712
+ {
1713
+ "id": "MLB1169",
1714
+ "name": "Filmes Físicos"
1715
+ },
1716
+ {
1717
+ "id": "MLB456083",
1718
+ "name": "Filmes Online"
1719
+ },
1720
+ {
1721
+ "id": "MLB1174",
1722
+ "name": "Música"
1723
+ },
1724
+ {
1725
+ "id": "MLB1228",
1726
+ "name": "Outros"
1727
+ },
1728
+ {
1729
+ "id": "MLB6217",
1730
+ "name": "Seriados"
1731
+ },
1732
+ {
1733
+ "id": "MLB456084",
1734
+ "name": "Seriados Online"
1735
+ },
1736
+ {
1737
+ "id": "MLB456272",
1738
+ "name": "Vídeos de Receitas e DIY"
1739
+ }
1740
+ ]
1741
+ },
1742
+ "MLB264586":
1743
+ {
1744
+ "id": "MLB264586",
1745
+ "name": "Saúde",
1746
+ "children_categories":
1747
+ [
1748
+ {
1749
+ "id": "MLB264192",
1750
+ "name": "Cuidado da Saúde"
1751
+ },
1752
+ {
1753
+ "id": "MLB277969",
1754
+ "name": "Equipamento Médico"
1755
+ },
1756
+ {
1757
+ "id": "MLB10217",
1758
+ "name": "Massagem"
1759
+ },
1760
+ {
1761
+ "id": "MLB264180",
1762
+ "name": "Mobilidade"
1763
+ },
1764
+ {
1765
+ "id": "MLB264200",
1766
+ "name": "Ortopedia"
1767
+ },
1768
+ {
1769
+ "id": "MLB264678",
1770
+ "name": "Outros"
1771
+ },
1772
+ {
1773
+ "id": "MLB264201",
1774
+ "name": "Suplementos Alimentares"
1775
+ },
1776
+ {
1777
+ "id": "MLB438401",
1778
+ "name": "Terapias Alternativas"
1779
+ }
1780
+ ]
1781
+ },
1782
+ "MLB1540":
1783
+ {
1784
+ "id": "MLB1540",
1785
+ "name": "Serviços",
1786
+ "children_categories":
1787
+ [
1788
+ {
1789
+ "id": "MLB63920",
1790
+ "name": "Academia e Esportes"
1791
+ },
1792
+ {
1793
+ "id": "MLB63955",
1794
+ "name": "Animais"
1795
+ },
1796
+ {
1797
+ "id": "MLB63916",
1798
+ "name": "Beleza, Estética e Bem Estar"
1799
+ },
1800
+ {
1801
+ "id": "MLB1563",
1802
+ "name": "Educação"
1803
+ },
1804
+ {
1805
+ "id": "MLB9141",
1806
+ "name": "Festas e Eventos"
1807
+ },
1808
+ {
1809
+ "id": "MLB110740",
1810
+ "name": "Gastronomia"
1811
+ },
1812
+ {
1813
+ "id": "MLB63953",
1814
+ "name": "Gráficas e Impressão"
1815
+ },
1816
+ {
1817
+ "id": "MLB9080",
1818
+ "name": "Lar"
1819
+ },
1820
+ {
1821
+ "id": "MLB63901",
1822
+ "name": "Marketing e Internet"
1823
+ },
1824
+ {
1825
+ "id": "MLB1541",
1826
+ "name": "Outros Profissionais"
1827
+ },
1828
+ {
1829
+ "id": "MLB1898",
1830
+ "name": "Outros Serviços"
1831
+ },
1832
+ {
1833
+ "id": "MLB63937",
1834
+ "name": "Saúde"
1835
+ },
1836
+ {
1837
+ "id": "MLB49258",
1838
+ "name": "Suporte Técnico"
1839
+ },
1840
+ {
1841
+ "id": "MLB63965",
1842
+ "name": "Vestuário"
1843
+ },
1844
+ {
1845
+ "id": "MLB9004",
1846
+ "name": "Veículos e Transportes"
1847
+ },
1848
+ {
1849
+ "id": "MLB1229",
1850
+ "name": "Viagens e Turismo"
1851
+ }
1852
+ ]
1853
+ },
1854
+ "MLB1953":
1855
+ {
1856
+ "id": "MLB1953",
1857
+ "name": "Mais Categorias",
1858
+ "children_categories":
1859
+ [
1860
+ {
1861
+ "id": "MLB2818",
1862
+ "name": "Adultos"
1863
+ },
1864
+ {
1865
+ "id": "MLB263855",
1866
+ "name": "Artigos para Fumadores"
1867
+ },
1868
+ {
1869
+ "id": "MLB457376",
1870
+ "name": "Assinatura do MELI Plus"
1871
+ },
1872
+ {
1873
+ "id": "MLB413190",
1874
+ "name": "Birutas de Vento"
1875
+ },
1876
+ {
1877
+ "id": "MLB406028",
1878
+ "name": "Coberturas Estendidas"
1879
+ },
1880
+ {
1881
+ "id": "MLB278225",
1882
+ "name": "Criptomoedas"
1883
+ },
1884
+ {
1885
+ "id": "MLB270192",
1886
+ "name": "Equipamento para Tatuagens"
1887
+ },
1888
+ {
1889
+ "id": "MLB1740",
1890
+ "name": "Esoterismo e Ocultismo"
1891
+ },
1892
+ {
1893
+ "id": "MLB432904",
1894
+ "name": "Fornos Crematórios"
1895
+ },
1896
+ {
1897
+ "id": "MLB456579",
1898
+ "name": "Garex"
1899
+ },
1900
+ {
1901
+ "id": "MLB421328",
1902
+ "name": "Gift Cards"
1903
+ },
1904
+ {
1905
+ "id": "MLB433537",
1906
+ "name": "Kits de Criminologia"
1907
+ },
1908
+ {
1909
+ "id": "MLB433022",
1910
+ "name": "Licenças para Taxis"
1911
+ },
1912
+ {
1913
+ "id": "MLB3530",
1914
+ "name": "Outros"
1915
+ },
1916
+ {
1917
+ "id": "MLB456578",
1918
+ "name": "Roda"
1919
+ },
1920
+ {
1921
+ "id": "MLB455033",
1922
+ "name": "Ácido Clorídrico"
1923
+ }
1924
+ ]
1925
+ }
1926
+ }
data/my_deeplake/about/_embedding_shape/chunks/6c3af06bad3d4ad1 ADDED
Binary file (4.42 kB). View file
 
data/my_deeplake/about/_embedding_shape/chunks_index/unsharded ADDED
Binary file (24 Bytes). View file
 
data/my_deeplake/about/_embedding_shape/commit_diff ADDED
Binary file (36 Bytes). View file
 
data/my_deeplake/about/_embedding_shape/tensor_meta.json ADDED
@@ -0,0 +1,23 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "chunk_compression": null,
3
+ "dtype": "int64",
4
+ "hidden": true,
5
+ "htype": "generic",
6
+ "is_link": false,
7
+ "is_sequence": false,
8
+ "length": 548,
9
+ "links": {},
10
+ "max_chunk_size": 4000000,
11
+ "max_shape": [
12
+ 1
13
+ ],
14
+ "min_shape": [
15
+ 1
16
+ ],
17
+ "name": "_embedding_shape",
18
+ "sample_compression": null,
19
+ "tiling_threshold": null,
20
+ "typestr": null,
21
+ "verify": true,
22
+ "version": "3.8.17"
23
+ }
data/my_deeplake/about/_embedding_shape/tiles_index/unsharded ADDED
Binary file (15 Bytes). View file
 
data/my_deeplake/about/dataset_lock.lock ADDED
Binary file (18 Bytes). View file
 
data/my_deeplake/about/dataset_meta.json ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "default_index": [
3
+ {
4
+ "start": null,
5
+ "step": null,
6
+ "stop": null
7
+ }
8
+ ],
9
+ "groups": [],
10
+ "hidden_tensors": [
11
+ "_embedding_shape"
12
+ ],
13
+ "tensor_names": {
14
+ "_embedding_shape": "_embedding_shape",
15
+ "embedding": "embedding",
16
+ "id": "id",
17
+ "metadata": "metadata",
18
+ "text": "text"
19
+ },
20
+ "tensors": [
21
+ "text",
22
+ "metadata",
23
+ "embedding",
24
+ "_embedding_shape",
25
+ "id"
26
+ ],
27
+ "version": "3.8.17"
28
+ }
data/my_deeplake/about/embedding/chunks/973e081db0544222 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8700de3e4be0366e8405e9f8d05ba8e5e666beec326b47249ad800fd4fcff8cd
3
+ size 1683495
data/my_deeplake/about/embedding/chunks_index/unsharded ADDED
Binary file (24 Bytes). View file
 
data/my_deeplake/about/embedding/commit_diff ADDED
Binary file (36 Bytes). View file
 
data/my_deeplake/about/embedding/tensor_info.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "embedding": {
3
+ "chunk_size": null,
4
+ "deployment": null,
5
+ "embedding_ctx_length": null,
6
+ "max_retries": null,
7
+ "model": null
8
+ }
9
+ }
data/my_deeplake/about/embedding/tensor_meta.json ADDED
@@ -0,0 +1,30 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "chunk_compression": null,
3
+ "dtype": "float32",
4
+ "hidden": false,
5
+ "htype": "embedding",
6
+ "is_link": false,
7
+ "is_sequence": false,
8
+ "length": 548,
9
+ "links": {
10
+ "_embedding_shape": {
11
+ "extend": "extend_shape",
12
+ "flatten_sequence": true,
13
+ "update": "update_shape"
14
+ }
15
+ },
16
+ "max_chunk_size": 64000000,
17
+ "max_shape": [
18
+ 768
19
+ ],
20
+ "min_shape": [
21
+ 768
22
+ ],
23
+ "name": "embedding",
24
+ "sample_compression": null,
25
+ "tiling_threshold": null,
26
+ "typestr": null,
27
+ "vdb_indexes": [],
28
+ "verify": true,
29
+ "version": "3.8.17"
30
+ }
data/my_deeplake/about/embedding/tiles_index/unsharded ADDED
Binary file (15 Bytes). View file
 
data/my_deeplake/about/id/chunks/805a540f49d4a0f ADDED
Binary file (26.3 kB). View file
 
data/my_deeplake/about/id/chunks_index/unsharded ADDED
Binary file (24 Bytes). View file
 
data/my_deeplake/about/id/commit_diff ADDED
Binary file (36 Bytes). View file
 
data/my_deeplake/about/id/tensor_meta.json ADDED
@@ -0,0 +1,23 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "chunk_compression": null,
3
+ "dtype": "str",
4
+ "hidden": false,
5
+ "htype": "text",
6
+ "is_link": false,
7
+ "is_sequence": false,
8
+ "length": 548,
9
+ "links": {},
10
+ "max_chunk_size": null,
11
+ "max_shape": [
12
+ 1
13
+ ],
14
+ "min_shape": [
15
+ 1
16
+ ],
17
+ "name": "id",
18
+ "sample_compression": null,
19
+ "tiling_threshold": null,
20
+ "typestr": null,
21
+ "verify": true,
22
+ "version": "3.8.17"
23
+ }
data/my_deeplake/about/id/tiles_index/unsharded ADDED
Binary file (15 Bytes). View file
 
data/my_deeplake/about/metadata/chunks/c51ff9e272304c94 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1f6a690bc347a4aefb0ada9bb8327d247f74dcfd309ddc4402dc59c7b9ecf5ad
3
+ size 1950857
data/my_deeplake/about/metadata/chunks_index/unsharded ADDED
Binary file (24 Bytes). View file
 
data/my_deeplake/about/metadata/commit_diff ADDED
Binary file (36 Bytes). View file
 
data/my_deeplake/about/metadata/tensor_meta.json ADDED
@@ -0,0 +1,23 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "chunk_compression": null,
3
+ "dtype": "Any",
4
+ "hidden": false,
5
+ "htype": "json",
6
+ "is_link": false,
7
+ "is_sequence": false,
8
+ "length": 548,
9
+ "links": {},
10
+ "max_chunk_size": null,
11
+ "max_shape": [
12
+ 1
13
+ ],
14
+ "min_shape": [
15
+ 1
16
+ ],
17
+ "name": "metadata",
18
+ "sample_compression": null,
19
+ "tiling_threshold": null,
20
+ "typestr": null,
21
+ "verify": true,
22
+ "version": "3.8.17"
23
+ }
data/my_deeplake/about/metadata/tiles_index/unsharded ADDED
Binary file (15 Bytes). View file
 
data/my_deeplake/about/text/chunks/171bd0f17075422d ADDED
Binary file (874 kB). View file
 
data/my_deeplake/about/text/chunks_index/unsharded ADDED
Binary file (24 Bytes). View file
 
data/my_deeplake/about/text/commit_diff ADDED
Binary file (36 Bytes). View file
 
data/my_deeplake/about/text/tensor_meta.json ADDED
@@ -0,0 +1,23 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "chunk_compression": null,
3
+ "dtype": "str",
4
+ "hidden": false,
5
+ "htype": "text",
6
+ "is_link": false,
7
+ "is_sequence": false,
8
+ "length": 548,
9
+ "links": {},
10
+ "max_chunk_size": null,
11
+ "max_shape": [
12
+ 1
13
+ ],
14
+ "min_shape": [
15
+ 1
16
+ ],
17
+ "name": "text",
18
+ "sample_compression": null,
19
+ "tiling_threshold": null,
20
+ "typestr": null,
21
+ "verify": true,
22
+ "version": "3.8.17"
23
+ }
data/my_deeplake/about/text/tiles_index/unsharded ADDED
Binary file (15 Bytes). View file
 
data/my_deeplake/about/version_control_info.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"commits": {"firstdbf9474d461a19e9333c2fd19b46115348f": {"branch": "main", "parent": null, "children": [], "commit_message": null, "commit_time": null, "commit_user_name": null, "is_checkpoint": false, "total_samples_processed": 0}}, "branches": {"main": "firstdbf9474d461a19e9333c2fd19b46115348f"}}
data/my_deeplake/sales_pitch/_embedding_shape/chunks/e1de953e71224fc4 ADDED
Binary file (4.42 kB). View file
 
data/my_deeplake/sales_pitch/_embedding_shape/chunks_index/unsharded ADDED
Binary file (24 Bytes). View file
 
data/my_deeplake/sales_pitch/_embedding_shape/commit_diff ADDED
Binary file (36 Bytes). View file
 
data/my_deeplake/sales_pitch/_embedding_shape/tensor_meta.json ADDED
@@ -0,0 +1,23 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "chunk_compression": null,
3
+ "dtype": "int64",
4
+ "hidden": true,
5
+ "htype": "generic",
6
+ "is_link": false,
7
+ "is_sequence": false,
8
+ "length": 548,
9
+ "links": {},
10
+ "max_chunk_size": 4000000,
11
+ "max_shape": [
12
+ 1
13
+ ],
14
+ "min_shape": [
15
+ 1
16
+ ],
17
+ "name": "_embedding_shape",
18
+ "sample_compression": null,
19
+ "tiling_threshold": null,
20
+ "typestr": null,
21
+ "verify": true,
22
+ "version": "3.8.17"
23
+ }
data/my_deeplake/sales_pitch/_embedding_shape/tiles_index/unsharded ADDED
Binary file (15 Bytes). View file
 
data/my_deeplake/sales_pitch/dataset_lock.lock ADDED
Binary file (18 Bytes). View file
 
data/my_deeplake/sales_pitch/dataset_meta.json ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "default_index": [
3
+ {
4
+ "start": null,
5
+ "step": null,
6
+ "stop": null
7
+ }
8
+ ],
9
+ "groups": [],
10
+ "hidden_tensors": [
11
+ "_embedding_shape"
12
+ ],
13
+ "tensor_names": {
14
+ "_embedding_shape": "_embedding_shape",
15
+ "embedding": "embedding",
16
+ "id": "id",
17
+ "metadata": "metadata",
18
+ "text": "text"
19
+ },
20
+ "tensors": [
21
+ "text",
22
+ "metadata",
23
+ "embedding",
24
+ "_embedding_shape",
25
+ "id"
26
+ ],
27
+ "version": "3.8.17"
28
+ }
data/my_deeplake/sales_pitch/embedding/chunks/eca964c6b560409d ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8700de3e4be0366e8405e9f8d05ba8e5e666beec326b47249ad800fd4fcff8cd
3
+ size 1683495
data/my_deeplake/sales_pitch/embedding/chunks_index/unsharded ADDED
Binary file (24 Bytes). View file
 
data/my_deeplake/sales_pitch/embedding/commit_diff ADDED
Binary file (36 Bytes). View file
 
data/my_deeplake/sales_pitch/embedding/tensor_info.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "embedding": {
3
+ "chunk_size": null,
4
+ "deployment": null,
5
+ "embedding_ctx_length": null,
6
+ "max_retries": null,
7
+ "model": null
8
+ }
9
+ }
data/my_deeplake/sales_pitch/embedding/tensor_meta.json ADDED
@@ -0,0 +1,30 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "chunk_compression": null,
3
+ "dtype": "float32",
4
+ "hidden": false,
5
+ "htype": "embedding",
6
+ "is_link": false,
7
+ "is_sequence": false,
8
+ "length": 548,
9
+ "links": {
10
+ "_embedding_shape": {
11
+ "extend": "extend_shape",
12
+ "flatten_sequence": true,
13
+ "update": "update_shape"
14
+ }
15
+ },
16
+ "max_chunk_size": 64000000,
17
+ "max_shape": [
18
+ 768
19
+ ],
20
+ "min_shape": [
21
+ 768
22
+ ],
23
+ "name": "embedding",
24
+ "sample_compression": null,
25
+ "tiling_threshold": null,
26
+ "typestr": null,
27
+ "vdb_indexes": [],
28
+ "verify": true,
29
+ "version": "3.8.17"
30
+ }
data/my_deeplake/sales_pitch/embedding/tiles_index/unsharded ADDED
Binary file (15 Bytes). View file
 
data/my_deeplake/sales_pitch/id/chunks/f99ba693b079450d ADDED
Binary file (26.3 kB). View file