mbarak commited on
Commit
038b068
·
1 Parent(s): 2f88c54

Ml notes chatter

Browse files
app.py CHANGED
@@ -1,8 +1,169 @@
1
  import gradio as gr
 
 
 
 
 
 
 
 
 
 
 
2
 
3
- def greet(name):
4
- return "Hello " + name + "!!"
5
 
6
- iface = gr.Interface(fn=greet, inputs="text", outputs="text")
7
- iface.launch()
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
8
 
 
1
  import gradio as gr
2
+ from smolagents import HfApiModel, CodeAgent, Tool
3
+ from smolagents import CodeAgent, DuckDuckGoSearchTool, HfApiModel, load_tool, tool
4
+ from huggingface_hub import login
5
+ from llama_index.retrievers.bm25 import BM25Retriever
6
+ import spaces
7
+ import torch
8
+ from transformers.models.speecht5.number_normalizer import EnglishNumberNormalizer
9
+ from string import punctuation
10
+ import re
11
+ from parler_tts import ParlerTTSForConditionalGeneration
12
+ from transformers import AutoTokenizer, AutoFeatureExtractor, set_seed
13
 
14
+ device = "cuda:0" if torch.cuda.is_available() else "cpu"
 
15
 
16
+ repo_id = "parler-tts/parler-tts-mini-v1"
17
+ # repo_id_large = "parler-tts/parler-tts-large-v1"
18
+
19
+ tts_model = ParlerTTSForConditionalGeneration.from_pretrained(repo_id).to(device)
20
+ tokenizer = AutoTokenizer.from_pretrained(repo_id)
21
+ feature_extractor = AutoFeatureExtractor.from_pretrained(repo_id)
22
+
23
+ SAMPLE_RATE = feature_extractor.sampling_rate
24
+ SEED = 42
25
+
26
+ number_normalizer = EnglishNumberNormalizer()
27
+
28
+ def preprocess(text):
29
+ text = number_normalizer(text).strip()
30
+ text = text.replace("-", " ")
31
+ if text[-1] not in punctuation:
32
+ text = f"{text}."
33
+
34
+ abbreviations_pattern = r'\b[A-Z][A-Z\.]+\b'
35
+
36
+ def separate_abb(chunk):
37
+ chunk = chunk.replace(".","")
38
+ print(chunk)
39
+ return " ".join(chunk)
40
+
41
+ abbreviations = re.findall(abbreviations_pattern, text)
42
+ for abv in abbreviations:
43
+ if abv in text:
44
+ text = text.replace(abv, separate_abb(abv))
45
+ return text
46
+
47
+ @spaces.GPU
48
+ def gen_tts(text, description):
49
+ inputs = tokenizer(description.strip(), return_tensors="pt").to(device)
50
+ prompt = tokenizer(preprocess(text), return_tensors="pt").to(device)
51
+
52
+
53
+ set_seed(SEED)
54
+ generation = tts_model.generate(
55
+ input_ids=inputs.input_ids, prompt_input_ids=prompt.input_ids, attention_mask=inputs.attention_mask, prompt_attention_mask=prompt.attention_mask, do_sample=True, temperature=1.0
56
+ )
57
+ audio_arr = generation.cpu().numpy().squeeze()
58
+
59
+ return SAMPLE_RATE, audio_arr
60
+
61
+ class RetrieverTool(Tool):
62
+ name = "retriever"
63
+ description = "Uses semantic search to retrieve the parts of transformers documentation that could be most relevant to answer your query."
64
+ inputs = {
65
+ "query": {
66
+ "type": "string",
67
+ "description": "The query to perform. Ask the question as an human would, with simple explanation. The underlying index is BM25.",
68
+ }
69
+ }
70
+ output_type = "string"
71
+
72
+ def __init__(self, path, **kwargs):
73
+ super().__init__(**kwargs)
74
+ self.retriever = BM25Retriever.from_persist_dir(path)
75
+
76
+ def forward(self, query: str) -> str:
77
+ assert isinstance(query, str), "Your search query must be a string"
78
+
79
+ docs = self.retriever.retrieve(
80
+ query,
81
+ )
82
+
83
+ return "\nRetrieved documents:\n" + "".join(
84
+ [
85
+ f"\n\n===== Document {str(i)} =====\n" + doc.text
86
+ for i, doc in enumerate(docs)
87
+ ]
88
+ )
89
+
90
+ path = "./ml_notes_index"
91
+
92
+ model = HfApiModel(
93
+ max_tokens=4086,
94
+ temperature=0.5,
95
+ model_id='Qwen/Qwen2.5-Coder-32B-Instruct',
96
+ custom_role_conversions=None
97
+ )
98
+
99
+ retriever_tool = RetrieverTool(path)
100
+
101
+ agent = CodeAgent(
102
+ tools=[retriever_tool],
103
+ model=model,
104
+ max_steps=4,
105
+ verbosity_level=2
106
+ )
107
+
108
+ summarization_agent = CodeAgent(
109
+ tools=[],
110
+ model=model,
111
+ max_steps=1,
112
+ verbosity_level=2
113
+ )
114
+
115
+
116
+ def greet(question):
117
+ agent_output = agent.run(question)
118
+ result = summarization_agent.run(f"Rephrase the following out since it will be passed to an Text-To-Speach Model: {agent_output}")
119
+
120
+ # Generate audio from the text
121
+ description = "Laura's voice is monotone yet slightly fast in delivery, with a very close recording that almost has no background noise."
122
+ sample_rate, audio = gen_tts(result, description)
123
+
124
+ return result, (sample_rate, audio)
125
+
126
+ # login()
127
+
128
+ css = """
129
+ #share-btn-container {
130
+ display: flex;
131
+ padding-left: 0.5rem !important;
132
+ padding-right: 0.5rem !important;
133
+ background-color: #000000;
134
+ justify-content: center;
135
+ align-items: center;
136
+ border-radius: 9999px !important;
137
+ width: 13rem;
138
+ margin-top: 10px;
139
+ margin-left: auto;
140
+ flex: unset !important;
141
+ }
142
+ """
143
+
144
+ with gr.Blocks(css=css) as block:
145
+ gr.HTML(
146
+ """
147
+ <div style="text-align: center; max-width: 700px; margin: 0 auto;">
148
+ <div style="display: inline-flex; align-items: center; gap: 0.8rem; font-size: 1.75rem;">
149
+ <h1 style="font-weight: 900; margin-bottom: 7px; line-height: normal;">
150
+ ML Professor with Voice 🗣️
151
+ </h1>
152
+ </div>
153
+ </div>
154
+ """
155
+ )
156
+
157
+ with gr.Row():
158
+ with gr.Column():
159
+ input_text = gr.Textbox(label="Your Question", lines=2)
160
+ run_button = gr.Button("Ask Question", variant="primary")
161
+ with gr.Column():
162
+ text_output = gr.Textbox(label="Answer", lines=4)
163
+ audio_out = gr.Audio(label="Voice Answer", type="numpy")
164
+
165
+ run_button.click(fn=greet, inputs=[input_text], outputs=[text_output, audio_out])
166
+
167
+ block.queue()
168
+ block.launch(share=True)
169
 
ml_notes_index/corpus.jsonl ADDED
The diff for this file is too large to render. See raw diff
 
ml_notes_index/corpus.mmindex.json ADDED
@@ -0,0 +1 @@
 
 
1
+ [0, 2205, 3921, 5685, 7716, 9765, 11535, 13312, 15134, 17044, 19241, 21076, 22955, 24909, 26710, 28737, 30837, 32689, 34530, 36154, 37819, 39725, 43272, 45487, 47773, 49601, 52836, 54655, 56411, 58218, 59959, 61697, 63487, 65274, 67037, 68923, 70760, 72494, 74555, 76602, 85903, 88234, 90081, 91963, 94118, 96192, 98225, 100079, 102430, 105340, 107230, 109115, 110959, 112850, 114741, 116703, 118734, 120835, 122998, 125139, 127116, 129095, 131355, 133517, 136341, 138908, 142425, 145734, 147985, 150347, 152608, 155316, 157077, 158855, 161021, 163085, 165088, 167019, 169141, 171174, 173992, 176281, 178443, 180845, 182924, 184909, 187237, 189239, 191139, 193500, 195583, 197561, 199630, 201690, 203789, 205827, 209645, 211759, 213779, 215764, 217779, 219709, 223541, 225606, 227598, 229842, 231936, 233930, 235848, 237688, 239860, 242614, 248321, 250688, 253054, 255920, 258212, 260392, 262839, 265192, 267152, 269068, 271062, 273267, 275395, 277623, 280162, 282159, 284058, 286094, 288026, 290192, 292266, 294587, 296827, 298983, 301209, 302944, 304793, 307297, 309779, 312818, 314646, 316481, 318293, 320055, 324116, 326279, 328353, 330555, 332903, 335066, 336931, 338788, 340483, 342150, 343865, 345553, 347721, 349917, 352438, 354750, 356945, 358986, 360960, 363284, 365247, 367190, 369540, 371464, 373388, 375343, 377357, 379485, 381554, 383516, 385561, 387507, 389756, 391996, 394126, 400963, 403047, 405069, 407621, 409564, 411492, 413459, 415350, 417311, 419196, 421094, 423130, 425070, 428577, 430700, 432698, 435175, 436753, 438299, 439856, 442299, 444633, 447578, 449747, 451912, 454300, 456690, 458837, 461137, 463203, 465027, 466811, 468755, 471217, 473912, 476075, 478171, 480003, 481765, 483870, 485882, 488203, 490350, 492410, 494682, 496746, 498712, 500857, 502552, 504219, 505980, 507778, 509574, 512397, 515474, 518502, 520651, 522714, 527138, 532214, 534530, 536723, 539291, 541112, 542947, 545552, 547520, 549897, 551951, 554061, 556168, 558971, 561831, 563534, 565234, 567467, 569620, 572037, 574332, 576535, 578748, 580839, 583904, 587046, 590074, 593698, 596167, 598501, 601516, 603587, 605668, 607856, 609989, 612076, 614379, 616254, 618049, 619856, 621463, 623051, 624609, 626450, 628124, 629717, 635321, 636955, 638723, 640573, 642273, 644028, 645711, 647318, 648996, 650673, 652397, 653941, 655635, 657154, 658904, 660474, 661985, 663557, 665070, 666644, 668159, 669714, 671483, 673278, 674960, 676718, 678409, 680194, 682051, 683819, 685592, 687423, 689274, 691312, 693152, 695150, 696887, 698570, 700869, 702646, 704539, 706338, 708964, 710925, 712974, 715298, 717352, 719324, 721647, 723838, 725650, 727507, 729301, 731299, 733169, 735035, 737752, 739684, 741496, 743217, 744809, 746582, 748229, 750170, 752055, 753942, 755604, 757440, 759401, 761707, 763588, 765320, 766953, 768502, 770039, 771615, 773328, 775152, 777380, 779825, 782504, 785432, 787081, 789125, 791360, 793609, 795449, 797336, 800003, 804286, 806433, 808596, 810252, 812235, 814027, 816550, 819703, 822468, 825376, 828086, 831295, 834330, 837217, 839902, 842655, 845665, 848272, 850733, 853114, 855545, 857878, 860224, 862622, 864826, 866451, 868398, 870040, 871685, 873504, 875481, 877647, 880068, 882528, 884367, 886428, 888397, 891098, 894135, 897835, 899620, 901749, 903700, 905654, 907560, 909255, 911143, 913151, 914818, 916411, 918297, 920205, 921969, 924069, 925970, 927790, 929526, 931238, 933405, 935395, 937285, 939021, 940836, 943000, 946276, 950794, 954208, 959018, 962432, 965784, 969185, 972467, 975791, 980141, 984119, 985875, 988189, 990312, 992177, 994077, 995872, 998057, 1000055, 1002055, 1004044, 1006427, 1008714, 1010489, 1012655, 1014769, 1016431, 1018327, 1020178, 1022165, 1024540, 1026440, 1028066, 1029919, 1031629, 1033320, 1035280, 1037061, 1038742, 1040350, 1042363, 1043949, 1045862, 1048259, 1050049, 1051858, 1054007, 1056376, 1058310, 1061471, 1063394, 1065391, 1067555, 1069821, 1071392, 1073326, 1075381, 1077092, 1078625, 1080189, 1081848, 1083814, 1085832, 1087486, 1089438, 1091292, 1093002, 1095047, 1096738, 1098423, 1100256, 1102156, 1103772, 1105436, 1107185, 1108900, 1110712, 1112468, 1114214, 1116077, 1117947, 1119702, 1121464, 1123022, 1124797, 1126961, 1128681, 1130472, 1132059, 1133689, 1135429, 1137174, 1138834, 1140518, 1142188, 1143953, 1146399, 1149035, 1151399, 1153399, 1155020, 1156862, 1158929, 1160680, 1163277, 1164932, 1166900, 1169207, 1171833, 1173669, 1176097, 1180799, 1182412, 1184423, 1186445, 1188209, 1190208, 1192407, 1194181, 1195870, 1197436, 1199105, 1200943, 1202767, 1204819, 1206695, 1208814, 1210386, 1212254, 1214410, 1216222, 1218166, 1220163, 1221813, 1223539, 1225209, 1227069, 1228953, 1231051, 1232846, 1234827, 1236849, 1238758, 1240552, 1242295, 1244426, 1247297, 1249067, 1250704, 1252640, 1254800, 1256512, 1258408, 1260667, 1262707, 1264796, 1266643, 1268725, 1270990, 1272920, 1274656, 1276389, 1278821, 1280682, 1282582, 1284658, 1286416, 1288328, 1290187, 1291892, 1294091, 1295933, 1298028, 1300151, 1302698, 1304474, 1306210, 1308197, 1310008, 1311976, 1314200, 1316079, 1318071, 1320436, 1322188, 1324491, 1326593, 1328433, 1330251, 1332080, 1333850, 1335615, 1337145, 1338884, 1340778, 1342771, 1344545, 1346466, 1348552, 1350412, 1352637, 1354504, 1356351, 1358360, 1360172, 1361885, 1363619, 1365407, 1367325, 1369409, 1371201, 1373783, 1375778, 1378020, 1379859, 1381753, 1383735, 1385617, 1387617, 1389351, 1391260, 1393136, 1394987, 1397180, 1399095, 1400843, 1402800, 1404627, 1406322, 1408321, 1410091, 1411914, 1413773, 1415680, 1417482, 1419241, 1420905, 1422565, 1424221, 1426178, 1427764, 1429531, 1431368, 1432979, 1434804, 1436449, 1438080, 1439728, 1441364, 1442970, 1444532, 1446420, 1448351, 1450037, 1452227, 1453823, 1455580, 1457222, 1458781, 1460581, 1462126, 1463785, 1465418, 1467315, 1469203, 1471413, 1473191, 1475250, 1477878, 1481115, 1482854, 1485340, 1487365, 1489115, 1491318, 1492894, 1494757, 1497163, 1499398, 1501018, 1504005, 1506778, 1509268, 1511325, 1512986, 1515040, 1516618, 1518167, 1519950, 1521616, 1523324, 1525044, 1526629, 1528756, 1531310, 1534012, 1536322, 1538466, 1540824, 1543907, 1546640, 1549801, 1552530, 1555152, 1557865, 1560164, 1562695, 1564835, 1567076, 1569282, 1571603, 1574009, 1576627, 1578909, 1581267, 1583543, 1585339, 1587127, 1588891, 1590709, 1592507, 1594359, 1596026, 1597836, 1599829, 1601366, 1602935, 1604639, 1606866, 1608787, 1610605, 1612162, 1613981, 1616653, 1618556, 1620493, 1622369, 1624213, 1626129, 1628170, 1630131, 1632231, 1634469, 1636198, 1638156, 1640020, 1642072, 1644451, 1646274, 1648840, 1650502, 1652160, 1654827, 1656569, 1658399, 1660356, 1662099, 1663797, 1665923, 1667767, 1670167, 1671874, 1673810, 1675861, 1677889, 1680220, 1682740, 1685295, 1687801, 1689923, 1691905, 1693761, 1695596, 1697394, 1699342, 1701240, 1703104, 1704978, 1706831, 1708622, 1710324, 1712163, 1714198, 1716255, 1718044, 1719972, 1722396, 1724681, 1726373, 1728168, 1730901, 1732955, 1734779, 1736617, 1738484, 1740787, 1743008, 1744664, 1746375, 1748451, 1750462, 1752497, 1754069, 1755853, 1757383, 1759143, 1760814, 1762779, 1765371, 1767260, 1769025, 1771343, 1773151, 1776041, 1778118, 1779809, 1781578, 1783200, 1784963, 1787230, 1788835, 1790570, 1792416, 1794195, 1795901, 1797743, 1799723, 1801805, 1803623, 1805373, 1807164, 1808887, 1810807, 1813045, 1814988, 1816970, 1818918, 1822093, 1823653, 1825379, 1827617, 1829339, 1830949, 1833017, 1834805, 1836947, 1838542, 1840456, 1842183, 1844285, 1846192, 1848016, 1849786, 1851610, 1854603, 1856738, 1858653, 1860580, 1862378, 1864386, 1866382, 1868197, 1870286, 1873477, 1875571, 1878445, 1881250, 1882990, 1885003, 1886857, 1888955, 1890941, 1893199, 1894845, 1896959, 1898630, 1900549, 1902564, 1904413, 1906461, 1908687, 1910704, 1912490, 1914333, 1916505, 1919672, 1921432, 1922955, 1924471, 1925981, 1927740, 1929941, 1931716, 1933419, 1935125, 1937000, 1939029, 1940751, 1943110, 1944901, 1948009, 1950688, 1953205, 1957969, 1959629, 1961368, 1963223, 1965220, 1967502, 1969103, 1970906, 1972592, 1974504, 1976232, 1978291, 1980302, 1982179, 1983941, 1985721, 1987392, 1989608, 1991333, 1992889, 1994603, 1996332, 1998265, 2000109, 2001844, 2004006, 2006147, 2007817, 2009705, 2011519, 2013339, 2015447, 2017918, 2019735, 2021857, 2023839, 2026039, 2028726, 2030730, 2032722, 2034799, 2037410, 2039284, 2041231, 2043047, 2044939, 2047172, 2049149, 2051266, 2053436, 2056317, 2058627, 2060527, 2062040, 2063607, 2065389, 2067125, 2068707, 2070571, 2074175, 2077098, 2079456, 2081848, 2083456, 2086207, 2088188, 2090010, 2091845, 2093643, 2095453, 2097277, 2098866, 2100443, 2102343, 2104614, 2106340, 2108316, 2110101, 2111940, 2113928, 2115778, 2117793, 2120616, 2123705, 2125994, 2127936, 2129688, 2131614, 2133369, 2135629, 2137350, 2139360, 2141241, 2143045, 2144830, 2146444, 2148155, 2149943, 2151527, 2153501, 2155911, 2158489, 2160585, 2162622, 2166122, 2168711, 2171094, 2173138, 2175010, 2176781, 2178756, 2180480, 2182332, 2184432, 2186316, 2188164, 2189891, 2192266, 2193957, 2195771, 2197793, 2200184, 2202341, 2204695, 2207194, 2208891, 2211220, 2213117, 2215166, 2217167, 2218869, 2220698, 2222886, 2224986, 2227257, 2229053, 2230835, 2232661, 2234269, 2236287, 2238244, 2240373, 2242763, 2244783, 2247322, 2249278, 2251019, 2252870, 2254693, 2256592, 2258520, 2260259, 2261948, 2263590, 2265482, 2268741, 2271004, 2273027, 2276222, 2278378, 2280132, 2282278, 2283872, 2285472, 2287364, 2289282, 2291172, 2293050, 2294559, 2296357, 2298410, 2300543, 2302141, 2303750, 2305286, 2306802, 2308538, 2311214, 2313219, 2315016, 2317168, 2318746, 2320903, 2322414, 2324205, 2325811, 2327533, 2329056, 2330818, 2333219, 2334850, 2337738, 2339667, 2341454, 2342997, 2345051, 2346666, 2348221, 2350190, 2351818, 2353572, 2355160, 2356921, 2358519, 2360276, 2362115, 2363610, 2365441, 2367869, 2369926, 2372011, 2373624, 2375569, 2377588, 2379332, 2380886, 2382441, 2384004, 2385568, 2387359, 2388874, 2390907, 2392562, 2394496, 2396321, 2397972, 2399832, 2401575, 2403204, 2404720, 2406767, 2408643, 2411503, 2413820, 2415556, 2417744, 2420174, 2421843, 2426319, 2427868, 2429564, 2431066, 2432572, 2434069, 2435753, 2437786, 2440058, 2441658, 2443416, 2445191, 2447139, 2448825, 2450741, 2452323, 2454063, 2455658, 2457749, 2459917, 2461529, 2463217, 2465063, 2467055, 2468868, 2470699, 2472545, 2474212, 2475890, 2477555, 2479221, 2480815, 2482567, 2484434, 2486039, 2487682, 2489322, 2490934, 2492779, 2494509, 2496397, 2498473, 2500275, 2502255, 2504004, 2505618, 2507390, 2509476, 2511471, 2513373, 2515286, 2517300, 2519472, 2521941, 2523648, 2525513, 2527455, 2529062, 2530827, 2532839, 2535033, 2537209, 2539047, 2540668, 2542401, 2544049, 2545693, 2547426, 2549052, 2550796, 2552558, 2554251, 2555923, 2557629, 2559379, 2561348, 2563128, 2564842, 2566550, 2568220, 2570020, 2571810, 2573692, 2575534, 2577148, 2578996, 2580860, 2582771, 2584667, 2586840, 2588755, 2590746, 2592634, 2594580, 2596252, 2598009, 2601711, 2603530, 2605335, 2607027, 2608760, 2610484, 2612497, 2614420, 2616661, 2619222, 2621960, 2625292, 2627753, 2630360, 2633577, 2635222, 2637046, 2639049, 2641088, 2642828, 2644520, 2646417, 2648247, 2649957, 2651786, 2653428, 2655080, 2656896, 2658763, 2660542, 2662462, 2664256, 2666247, 2667927, 2669860, 2671654, 2673598, 2675350, 2677009, 2678882, 2680691, 2682582, 2684389, 2686001, 2687771, 2689939, 2692379, 2694159, 2695799, 2697682, 2699747, 2701559, 2703397, 2705332, 2706991, 2708777, 2710767, 2712532, 2714884, 2716518, 2718238, 2719942, 2721698, 2723370, 2725117, 2726939, 2728968, 2730700, 2732590, 2734770, 2737041, 2738754, 2740555, 2742343, 2744361, 2746407, 2748902, 2750853, 2753281, 2755538, 2757591, 2759767, 2762916, 2765483, 2767374, 2769234, 2771327, 2773201, 2776049, 2778352, 2781549, 2785021, 2788318, 2791799, 2796027, 2799381, 2803085, 2806416, 2809757, 2813066, 2816577, 2819985, 2823432, 2826929, 2830385, 2832220, 2834194, 2836425, 2838757, 2840983, 2842681, 2844259, 2845928, 2847581, 2849150, 2850719, 2852989, 2854920, 2856507, 2858095, 2859658, 2861244, 2863129, 2865114, 2867010, 2868860, 2871372, 2873339, 2875034, 2877308, 2879365, 2881337, 2883190, 2884965, 2886706, 2888908, 2891172, 2893153, 2895107, 2896966, 2898962, 2900804, 2902499, 2904087, 2905655, 2907234, 2908906, 2910663, 2912326, 2913862, 2915593, 2917200, 2918766, 2920412, 2922416, 2923984, 2925594, 2927406, 2929014, 2930576, 2932164, 2933761, 2935360, 2936965, 2938710, 2940276, 2942180, 2943756, 2945569, 2947259, 2948900, 2950677, 2953020, 2955093, 2957536, 2960326, 2962365, 2964909, 2967136, 2968994, 2970743, 2972730, 2974684, 2976484, 2978276, 2980038, 2981827, 2983590, 2985136, 2986810, 2988602, 2990132, 2991797, 2993502, 2995243, 2997026, 2998723, 3000896, 3002599, 3004178, 3005703, 3007228, 3008755, 3010306, 3011912, 3013510, 3015095, 3016703, 3018279, 3019844, 3021516, 3023066, 3024810, 3026665, 3028621, 3030251, 3031921, 3035327, 3037198, 3039466, 3041067, 3042866, 3044424, 3046087, 3048219, 3050435, 3052258, 3054059, 3055649, 3057364, 3059146, 3061083, 3063228, 3064826, 3066429, 3068169, 3069938, 3071949, 3073739, 3075414, 3077127, 3078918, 3080446, 3081972, 3083597, 3085295, 3087771, 3089711, 3091477, 3093274, 3095315, 3097656, 3100277, 3102808, 3105116, 3107738, 3110449, 3112609, 3114768, 3117283, 3119686, 3121434, 3123072, 3125011, 3126643, 3128373, 3130247, 3132438, 3135228, 3137240, 3139189, 3141166, 3143265, 3145314, 3147312, 3149201, 3151152, 3152931, 3154752, 3156352, 3158137, 3159808, 3161660, 3163571, 3165355, 3166857, 3168661, 3171252, 3173614, 3175499, 3177033, 3178906, 3181186, 3182766, 3184504, 3187178, 3189030, 3190927, 3192541, 3194183, 3195653, 3197476, 3199432, 3201388, 3203178, 3205196, 3206944, 3208782, 3210639, 3212324, 3214469, 3216278, 3217828, 3219618, 3221540, 3223108, 3225230, 3226746, 3228271, 3229999, 3232155, 3233974, 3235968, 3238002, 3240666, 3243649, 3245836, 3248418, 3251131, 3252973, 3254468, 3256210, 3258715, 3261701, 3263713, 3265442, 3267595, 3269728, 3271742, 3273414, 3275210, 3276683, 3278439, 3279915, 3281419, 3283078, 3284718, 3286390, 3288049, 3289689, 3291471, 3293175, 3294925, 3296580, 3298286, 3300098, 3301806, 3303768, 3305520, 3307841, 3309782, 3311614, 3313523, 3315243, 3317052, 3318662, 3320254, 3322277, 3324222, 3326275, 3328143, 3330142, 3332453, 3334738, 3337063, 3338853, 3340641, 3342380, 3344102, 3346007, 3348317, 3352036, 3353545, 3355165, 3357104, 3359576, 3361542, 3363417, 3365431, 3367289, 3369230, 3371158, 3373127, 3375401, 3377671, 3379814, 3382230, 3384249, 3386539, 3389013, 3391074, 3392993, 3394982, 3397116, 3399411, 3401521, 3403952, 3405788, 3407592, 3409470, 3411186, 3413058, 3415416, 3417393, 3419407, 3421691, 3423892, 3425848, 3428180, 3430058, 3432075, 3433907, 3435744, 3437953, 3440536, 3442392, 3444526, 3446392, 3448307, 3450197, 3452350, 3456381, 3458114, 3459946, 3462228, 3464036, 3466104, 3467676, 3469508, 3471398, 3473159, 3475125, 3477250, 3479163, 3481165, 3482888, 3484463, 3486058, 3487785, 3489957, 3492423, 3494790, 3498040, 3500304, 3502099, 3504065, 3505936, 3507961, 3510035, 3511932, 3513702, 3515762, 3517510, 3519633, 3521475, 3523493, 3525313, 3527022, 3528768, 3530659, 3532475, 3534781, 3536576, 3538539, 3540788, 3543553, 3545757, 3548306, 3550689, 3553062, 3554784, 3556635, 3558864, 3560544, 3562520, 3564225, 3566096, 3567983, 3569714, 3571391, 3573655, 3575704, 3577753, 3579625, 3581917, 3583804, 3585424, 3587107, 3589034, 3590917, 3592676, 3595192, 3597245, 3599034, 3600832, 3602691, 3605356, 3607509, 3609242, 3611087, 3613337, 3615248, 3617155, 3619108, 3620999, 3622788, 3625021, 3627864, 3631356, 3633592, 3635931, 3638158, 3640638, 3642642, 3644585, 3646285, 3648003, 3650051, 3651730, 3653802, 3656137, 3658115, 3659967, 3661906, 3664030, 3665810, 3667800, 3669596, 3671700, 3673381, 3675071, 3676909, 3679009, 3681025, 3683010, 3685203, 3687232, 3689326, 3691610, 3694104, 3695782, 3697344, 3699236, 3701011, 3702699, 3704329, 3706415, 3708632, 3710811, 3712758, 3714410, 3716291, 3717820, 3719420, 3721296, 3723098, 3725033, 3726799, 3728367, 3730156, 3731693, 3733234, 3735005, 3736556, 3738406, 3740461, 3742653, 3744864, 3747387, 3749485, 3751341, 3753716, 3755721, 3757792, 3759717, 3761556, 3763389, 3765223, 3766860, 3768798, 3771009, 3773029, 3775562, 3777983, 3780746, 3783448, 3785543, 3787677, 3790494, 3793483, 3795619, 3797282, 3799192, 3801223, 3803589, 3805573, 3807725, 3809494, 3811493, 3813435, 3815418, 3817044, 3818807, 3820609, 3822302, 3824762, 3826306, 3827948, 3829619, 3831381, 3833038, 3834830, 3836632, 3838409, 3840561, 3842239, 3844408, 3846520, 3848273, 3850071, 3851880, 3853782, 3856023, 3858476, 3860404, 3862207, 3863751, 3865267, 3867163, 3869041, 3870879, 3872590, 3874374, 3875935, 3877699, 3879950, 3881630, 3883455, 3885180, 3886913, 3888531, 3890197, 3891951, 3894056, 3895778, 3897739, 3899292, 3901169, 3903237, 3904795, 3906602, 3908590, 3910369, 3914277, 3918448, 3922544, 3926677, 3929759, 3933365, 3937117, 3941141, 3944271, 3947790, 3949809, 3951477, 3953121, 3955079, 3956854, 3958584, 3961394, 3963249, 3965130, 3967530, 3970058, 3972941, 3976901, 3979519, 3982110, 3985518, 3988274, 3990785, 3993411, 3996741, 3998794, 4000394, 4002126, 4004345, 4006796, 4008706, 4010584, 4014292, 4015959, 4017913, 4020293, 4022127, 4025140, 4026781, 4029026, 4030848, 4032584, 4034294, 4036419, 4038148, 4040218, 4042141, 4043899, 4045675, 4047390, 4049010, 4050607, 4052251, 4053830, 4055741, 4057765, 4059553, 4061375, 4063165, 4065981, 4067875, 4069782, 4071949, 4073628, 4075457, 4077546, 4079845, 4081736, 4083858, 4085703, 4087370, 4089064, 4090899, 4093212, 4095029, 4097233, 4099356, 4101461, 4104142, 4106126, 4108413, 4110048, 4112059, 4114003, 4115863, 4117626, 4119343, 4121080, 4123228, 4125070, 4126801, 4128524, 4130821, 4133331, 4135774, 4138759, 4141344, 4144218, 4147059, 4149395, 4152617, 4155004, 4157336, 4159775, 4162079, 4164095, 4166707, 4169354, 4171408, 4173547, 4175688, 4178725, 4181034, 4183140, 4185275, 4187687, 4190030, 4192493, 4194919, 4197086, 4198668, 4200493, 4202556, 4204209, 4205873, 4207848, 4209560, 4212601, 4214493, 4216326, 4218246, 4219926, 4221531, 4223421, 4225500, 4227296, 4229320, 4231266, 4233449, 4235644, 4237577, 4239648, 4241270, 4243050, 4244927, 4247061, 4249070, 4251170, 4252993, 4255144, 4256924, 4258786, 4260401, 4262030, 4263779, 4265332, 4267113, 4268914, 4270832, 4272830, 4275224, 4276982, 4278857, 4280760, 4282934, 4284930, 4287125, 4289374, 4291186, 4292992, 4294785, 4296551, 4298367, 4300339, 4301946, 4303759, 4305878, 4307613, 4309224, 4310936, 4312611, 4314541, 4316798, 4319134, 4321511, 4324243, 4326717, 4329287, 4330971, 4332813, 4334583, 4336580, 4338735, 4340844, 4343263, 4345652, 4347736, 4350449, 4352789, 4355038, 4357275, 4358833, 4361087, 4362654, 4364594, 4366287, 4368021, 4369746, 4371445, 4373155, 4374851, 4376426, 4378140, 4379763, 4381503, 4383433, 4385046, 4387115, 4388930, 4390678, 4392493, 4394234, 4396104, 4398099, 4399734, 4401535, 4403188, 4404862, 4406579, 4408661, 4411680, 4413566, 4415328, 4417451, 4419381, 4421332, 4423267, 4425264, 4427856, 4430747, 4433122, 4438275, 4439996, 4442941, 4444679, 4447108, 4449939, 4452131, 4454766, 4456982, 4459245, 4461335, 4463878, 4466123, 4468316, 4470447, 4472602, 4474904, 4477152, 4478668, 4480504, 4482456, 4484001, 4486728, 4489074, 4490696, 4492438, 4494130, 4496043, 4497891, 4500107, 4502026, 4503964, 4506103, 4508296, 4510014, 4511991, 4513827, 4515586, 4517440, 4519148, 4520974, 4522821, 4524605, 4526279, 4528084, 4530004, 4531708, 4534210, 4536036, 4537941, 4539890, 4541523, 4543493, 4545035, 4546959, 4548763, 4550904, 4552654, 4554524, 4556460, 4558434, 4560328, 4562170, 4563914, 4566217, 4568095, 4569831, 4571649, 4573833, 4575688, 4577429, 4579099, 4581070, 4582779, 4584537, 4586501, 4588751, 4590246, 4591840, 4593564, 4596451, 4597999, 4599581, 4601129, 4602622, 4604219, 4606178, 4607739, 4609373, 4611317, 4613104, 4615349, 4617092, 4618870, 4620761, 4622819, 4624556, 4626446, 4629147, 4632025, 4633820, 4639675, 4641333, 4642927, 4644579, 4646313, 4648355, 4650259, 4652304, 4654305, 4656828, 4659040, 4661180, 4663001, 4664663, 4666433, 4668648, 4671137, 4672986, 4675300, 4677621, 4679281, 4681113, 4682959, 4684807, 4686727, 4688698, 4690737, 4692864, 4695010, 4697233, 4699328, 4701574, 4703748, 4705538, 4707454, 4709591, 4711584, 4713603, 4715493, 4717745, 4719554, 4721769, 4724046, 4726023, 4727878, 4729672, 4731745, 4733686, 4735598, 4737445, 4739246, 4741803, 4744088, 4746517, 4748726, 4751147, 4753561, 4755354, 4756989, 4758895, 4760575, 4762452, 4764172, 4765899, 4767604, 4769514, 4771706, 4773515, 4775655, 4777626, 4779503, 4781225, 4783010, 4784736, 4786534, 4788092, 4790098, 4791628, 4793304, 4794957, 4796886, 4799200, 4801069, 4802743, 4804284, 4806123, 4807688, 4809275, 4810983, 4812850, 4814569, 4816733, 4818570, 4820727, 4822410, 4824189, 4825688, 4827492, 4829309, 4831246, 4832983, 4834721, 4836500, 4838196, 4839856, 4841530, 4843374, 4845105, 4847004, 4848926, 4850690, 4852585, 4854590, 4856815, 4858851, 4861130, 4863614, 4865366, 4867138, 4868957, 4870574, 4872179, 4874128, 4876514, 4879030, 4881455, 4884054, 4886697, 4888556, 4890674, 4892970, 4894780, 4896696, 4898566, 4900570, 4903116, 4905263, 4907196, 4909275, 4911387, 4913134, 4914996, 4917103, 4919233, 4921102, 4923042, 4924914, 4926645, 4928376, 4930271, 4932505, 4934532, 4936453, 4939066, 4940988, 4945175, 4946895, 4948743, 4950802, 4952615, 4954751, 4957490, 4959435, 4961218, 4963718, 4965710, 4967500, 4969394, 4971356, 4973559, 4975508, 4977569, 4979523, 4981447, 4983205, 4985486, 4987295, 4989848, 4991480, 4993289, 4995192, 4998409, 5001682, 5003557, 5005393, 5007136, 5009027, 5011135, 5013008, 5014770, 5016547, 5019034, 5020973, 5022971, 5025006, 5026843, 5029247, 5030787, 5032401, 5034033, 5035863, 5037958, 5039510, 5041385, 5043542, 5045740, 5048089, 5050110, 5051837, 5053568, 5055197, 5057027, 5058796, 5060516, 5062558, 5064584, 5066264, 5067899, 5069523, 5071278, 5072995, 5074648, 5076294, 5077945, 5079482, 5081076, 5082858, 5084756, 5086774, 5088568, 5090351, 5092264, 5094442, 5096342, 5098131, 5100001, 5101972, 5103909, 5106324, 5108190, 5110445, 5112359, 5114305, 5116612, 5118663, 5120654, 5122549, 5124515, 5126254, 5128365, 5131002, 5132878, 5134596, 5136391, 5138273, 5139943, 5141609, 5143269, 5145458, 5147310, 5149310, 5151486, 5153442, 5155360, 5157114, 5159426, 5162169, 5164359, 5166627, 5169509, 5171788, 5173517, 5175528, 5177367, 5179369, 5181712, 5183889, 5185737, 5187721, 5189313, 5191185, 5192961, 5194990, 5197197, 5199511, 5201683, 5203428, 5205152, 5206967, 5208525, 5210392, 5212121, 5213893, 5215940, 5217914, 5219947, 5222152, 5224078, 5225678, 5227534, 5229176, 5230818, 5232590, 5234969, 5236878, 5239833, 5241653, 5243183, 5245044, 5246799, 5248451, 5250287, 5252222, 5253934, 5255824, 5257594, 5259318, 5261433, 5262982, 5264784, 5266505, 5268074, 5269733, 5271353, 5273139, 5274865, 5276585, 5278487, 5280798, 5282883, 5285087, 5287690, 5289763, 5292268, 5294120, 5296032, 5297672, 5299434, 5301296, 5303082, 5304801, 5306516, 5308334, 5310087, 5312172, 5314309, 5316043, 5317736, 5319492, 5321472, 5323263, 5325099, 5326795, 5328667, 5330261, 5331974, 5333574, 5335410, 5337540, 5339297, 5341151, 5343785, 5345857, 5347422, 5349284, 5350885, 5352482, 5354167, 5355931, 5357838, 5359749, 5361795, 5364026, 5365739, 5367359, 5369049, 5370553, 5372215, 5373840, 5375394, 5377451, 5379354, 5381290, 5383274, 5385269, 5387121, 5389690, 5393636, 5397064, 5400227, 5402859, 5405821, 5408493, 5411172, 5414245, 5417200, 5420551, 5423683, 5426885, 5429626, 5433129, 5436057, 5438816, 5441478, 5444380, 5448455, 5451120, 5453741, 5456431, 5459247, 5462082, 5465507, 5468216, 5471029, 5473856, 5476486, 5479073, 5481932, 5484684, 5487493, 5491006, 5493592, 5496427, 5499269, 5501972, 5504946, 5507702, 5509935, 5519159, 5520784, 5522634, 5524316, 5526628, 5528445, 5530274, 5532610, 5534313, 5536680, 5538442, 5540466, 5543469, 5546772, 5552457, 5554127, 5556397, 5558636, 5560926, 5562720, 5564578, 5566408, 5568281, 5569998, 5571792, 5573546, 5575362, 5577088, 5579273, 5581394, 5583796, 5586057, 5588621, 5590364, 5592390, 5595041, 5597738, 5600991, 5603813, 5605837, 5607848, 5609751, 5611510, 5613136, 5614737, 5616332, 5617950, 5619997, 5622403, 5624884, 5627397, 5629999, 5633049, 5635779, 5638325, 5641101, 5642750, 5644648, 5647163, 5649011, 5650850, 5652582, 5654364, 5656757, 5658870, 5660618, 5662364, 5664112, 5666015, 5667765, 5669601, 5671651, 5673438, 5675168, 5677455, 5679464, 5682262, 5684003, 5686052, 5688205, 5689984, 5692109, 5694178, 5696115, 5698099, 5700341, 5702243, 5704111, 5705889, 5707451, 5709635, 5711695, 5713751, 5716034, 5717997, 5719737, 5721857, 5723427, 5725278, 5726905, 5728611, 5730258, 5732054, 5733808, 5735659, 5737280, 5738849, 5740486, 5742333, 5744326, 5746254, 5747922, 5749497, 5751189, 5752811, 5754619, 5756433, 5757997, 5759970, 5761934, 5763701, 5765619, 5767740, 5769621, 5771242, 5773173, 5774770, 5777289, 5780137, 5782911, 5787426, 5790184, 5792782, 5795336, 5797926, 5800432, 5802933, 5805435, 5808173, 5810739, 5812711, 5814661, 5816850, 5818937, 5820703, 5822461, 5824541, 5826127, 5827971, 5829697, 5831305, 5833203, 5834865, 5837327, 5840336, 5843195, 5847035, 5849594, 5851173, 5852719, 5854470, 5856429, 5858277, 5859949, 5861600, 5863208, 5864950, 5866732, 5868703, 5870519, 5872098, 5873816, 5875696, 5877578, 5879868, 5882037, 5884131, 5886231, 5887991, 5890319, 5892094, 5893854, 5895567, 5897958, 5900063, 5904177, 5908405, 5912471, 5916546, 5921663, 5926328, 5930825, 5935955, 5941274, 5945649, 5950055, 5955531, 5960251, 5961837, 5963448, 5965192, 5966985, 5968663, 5970237, 5971919, 5973674, 5975330, 5977341, 5978867, 5981907, 5983726, 5985939, 5988200, 5990447, 5992788, 5994807, 5997410, 5999734, 6001865, 6004798, 6008329, 6010873, 6014421, 6016046, 6017865, 6019556, 6021261, 6022934, 6024618, 6026272, 6028139, 6030314, 6032004, 6033774, 6035690, 6037293, 6038898, 6041024, 6043035, 6044805, 6046591, 6048173, 6049746, 6051598, 6053474, 6055486, 6057200, 6059204, 6061066, 6062830, 6064703, 6066966, 6069344, 6071441, 6073806, 6076076, 6078305, 6080391, 6082143, 6084450, 6086544, 6088932, 6091067, 6092889, 6095020, 6096722, 6098554, 6100387, 6103910, 6105646, 6107642, 6109609, 6111263, 6113025, 6114891, 6116866, 6118914, 6120904, 6122812, 6125453, 6127649, 6130182, 6133384, 6135476, 6138209, 6141236, 6143500, 6145996, 6148117, 6150632, 6152783, 6155282, 6158106, 6161400, 6164587, 6167694, 6169943, 6172318, 6175369, 6177311, 6179261, 6181237, 6183451, 6185456, 6187211, 6189504, 6191097, 6192799, 6194812, 6196751, 6198388, 6200216, 6201929, 6203889, 6205702, 6208251, 6210448, 6212372, 6214776, 6216606, 6218272, 6220379, 6222597, 6224634, 6229762, 6231284, 6232963, 6234593, 6236141, 6237962, 6239944, 6242004, 6244213, 6246179, 6248193, 6249875, 6251965, 6253573, 6255201, 6258875, 6261202, 6263036, 6266043, 6268290, 6270636, 6272668, 6274512, 6276371, 6280137, 6281848, 6283774, 6286870, 6288951, 6290739, 6292629, 6295382, 6297051, 6299295, 6302091, 6304073, 6306598, 6310434, 6313497, 6316238, 6318609, 6321777, 6324220, 6326065]
ml_notes_index/data.csc.index.npy ADDED
Binary file (457 kB). View file
 
ml_notes_index/indices.csc.index.npy ADDED
Binary file (457 kB). View file
 
ml_notes_index/indptr.csc.index.npy ADDED
Binary file (27.1 kB). View file
 
ml_notes_index/params.index.json ADDED
@@ -0,0 +1,12 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "k1": 1.5,
3
+ "b": 0.75,
4
+ "delta": 0.5,
5
+ "method": "lucene",
6
+ "idf_method": "lucene",
7
+ "dtype": "float32",
8
+ "int_dtype": "int32",
9
+ "num_docs": 3081,
10
+ "version": "0.2.7post1",
11
+ "backend": "numpy"
12
+ }
ml_notes_index/retriever.json ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ {
2
+ "similarity_top_k": 2,
3
+ "verbose": false
4
+ }
ml_notes_index/vocab.index.json ADDED
The diff for this file is too large to render. See raw diff
 
requirements.txt CHANGED
@@ -1 +1,193 @@
1
- git+https://github.com/Zyphra/Zonos.git#egg=zonos
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ absl-py==2.1.0
2
+ aiofiles==23.2.1
3
+ aiohappyeyeballs==2.4.6
4
+ aiohttp==3.11.12
5
+ aiosignal==1.3.2
6
+ annotated-types==0.7.0
7
+ anyio==4.8.0
8
+ argbind==0.3.9
9
+ asttokens==3.0.0
10
+ async-timeout==5.0.1
11
+ attrs==25.1.0
12
+ audioread==3.0.1
13
+ beautifulsoup4==4.13.3
14
+ bm25s==0.2.7.post1
15
+ certifi==2025.1.31
16
+ cffi==1.17.1
17
+ charset-normalizer==3.4.1
18
+ click==8.1.8
19
+ contourpy==1.3.1
20
+ cycler==0.12.1
21
+ dataclasses-json==0.6.7
22
+ decorator==5.1.1
23
+ Deprecated==1.2.18
24
+ descript-audio-codec==1.0.0
25
+ descript-audiotools==0.7.4
26
+ dirtyjson==1.0.8
27
+ distro==1.9.0
28
+ docstring_parser==0.16
29
+ duckduckgo_search==7.3.2
30
+ einops==0.8.1
31
+ exceptiongroup==1.2.2
32
+ executing==2.2.0
33
+ fastapi==0.115.8
34
+ ffmpy==0.5.0
35
+ filelock==3.17.0
36
+ filetype==1.2.0
37
+ fire==0.7.0
38
+ flatten-dict==0.4.2
39
+ fonttools==4.56.0
40
+ frozenlist==1.5.0
41
+ fsspec==2025.2.0
42
+ future==1.0.0
43
+ gradio==5.16.0
44
+ gradio_client==1.7.0
45
+ greenlet==3.1.1
46
+ grpcio==1.70.0
47
+ h11==0.14.0
48
+ httpcore==1.0.7
49
+ httpx==0.28.1
50
+ huggingface-hub==0.28.1
51
+ idna==3.10
52
+ importlib_resources==6.5.2
53
+ ipython==8.32.0
54
+ jedi==0.19.2
55
+ Jinja2==3.1.5
56
+ jiter==0.8.2
57
+ joblib==1.4.2
58
+ julius==0.2.7
59
+ kiwisolver==1.4.8
60
+ lazy_loader==0.4
61
+ librosa==0.10.2.post1
62
+ llama-cloud==0.1.12
63
+ llama-cloud-services==0.6.1
64
+ llama-index==0.12.17
65
+ llama-index-agent-openai==0.4.5
66
+ llama-index-cli==0.4.0
67
+ llama-index-core==0.12.17
68
+ llama-index-embeddings-openai==0.3.1
69
+ llama-index-indices-managed-llama-cloud==0.6.4
70
+ llama-index-llms-openai==0.3.19
71
+ llama-index-multi-modal-llms-openai==0.4.3
72
+ llama-index-program-openai==0.3.1
73
+ llama-index-question-gen-openai==0.3.0
74
+ llama-index-readers-file==0.4.5
75
+ llama-index-readers-llama-parse==0.4.0
76
+ llama-index-readers-obsidian==0.5.0
77
+ llama-index-retrievers-bm25==0.5.2
78
+ llama-parse==0.6.1
79
+ llvmlite==0.44.0
80
+ lxml==5.3.1
81
+ Markdown==3.7
82
+ markdown-it-py==3.0.0
83
+ markdown2==2.5.3
84
+ markdownify==0.14.1
85
+ MarkupSafe==2.1.5
86
+ marshmallow==3.26.1
87
+ matplotlib==3.10.0
88
+ matplotlib-inline==0.1.7
89
+ mdurl==0.1.2
90
+ mpmath==1.3.0
91
+ msgpack==1.1.0
92
+ multidict==6.1.0
93
+ mypy-extensions==1.0.0
94
+ nest-asyncio==1.6.0
95
+ networkx==3.4.2
96
+ nltk==3.9.1
97
+ numba==0.61.0
98
+ numpy==2.1.3
99
+ nvidia-cublas-cu12==12.4.5.8
100
+ nvidia-cuda-cupti-cu12==12.4.127
101
+ nvidia-cuda-nvrtc-cu12==12.4.127
102
+ nvidia-cuda-runtime-cu12==12.4.127
103
+ nvidia-cudnn-cu12==9.1.0.70
104
+ nvidia-cufft-cu12==11.2.1.3
105
+ nvidia-curand-cu12==10.3.5.147
106
+ nvidia-cusolver-cu12==11.6.1.9
107
+ nvidia-cusparse-cu12==12.3.1.170
108
+ nvidia-cusparselt-cu12==0.6.2
109
+ nvidia-nccl-cu12==2.21.5
110
+ nvidia-nvjitlink-cu12==12.4.127
111
+ nvidia-nvtx-cu12==12.4.127
112
+ openai==1.62.0
113
+ orjson==3.10.15
114
+ packaging==24.2
115
+ pandas==2.2.3
116
+ parler_tts @ git+https://github.com/huggingface/parler-tts.git@d108732cd57788ec86bc857d99a6cabd66663d68
117
+ parso==0.8.4
118
+ pexpect==4.9.0
119
+ pillow==11.1.0
120
+ platformdirs==4.3.6
121
+ pooch==1.8.2
122
+ primp==0.12.1
123
+ prompt_toolkit==3.0.50
124
+ propcache==0.2.1
125
+ protobuf==4.25.6
126
+ psutil==5.9.8
127
+ ptyprocess==0.7.0
128
+ pure_eval==0.2.3
129
+ pycparser==2.22
130
+ pydantic==2.10.6
131
+ pydantic_core==2.27.2
132
+ pydub==0.25.1
133
+ Pygments==2.19.1
134
+ pyloudnorm==0.1.1
135
+ pyparsing==3.2.1
136
+ pypdf==5.3.0
137
+ PyStemmer==2.2.0.3
138
+ pystoi==0.4.1
139
+ python-dateutil==2.9.0.post0
140
+ python-dotenv==1.0.1
141
+ python-multipart==0.0.20
142
+ pytz==2025.1
143
+ PyYAML==6.0.2
144
+ randomname==0.2.1
145
+ regex==2024.11.6
146
+ requests==2.32.3
147
+ rich==13.9.4
148
+ ruff==0.9.6
149
+ safehttpx==0.1.6
150
+ safetensors==0.5.2
151
+ scikit-learn==1.6.1
152
+ scipy==1.15.1
153
+ semantic-version==2.10.0
154
+ sentencepiece==0.2.0
155
+ shellingham==1.5.4
156
+ six==1.17.0
157
+ smolagents==1.8.1
158
+ sniffio==1.3.1
159
+ soundfile==0.13.1
160
+ soupsieve==2.6
161
+ soxr==0.5.0.post1
162
+ spaces==0.32.0
163
+ SQLAlchemy==2.0.38
164
+ stack-data==0.6.3
165
+ starlette==0.45.3
166
+ striprtf==0.0.26
167
+ sympy==1.13.1
168
+ tenacity==9.0.0
169
+ tensorboard==2.19.0
170
+ tensorboard-data-server==0.7.2
171
+ termcolor==2.5.0
172
+ threadpoolctl==3.5.0
173
+ tiktoken==0.8.0
174
+ tokenizers==0.20.3
175
+ tomlkit==0.13.2
176
+ torch==2.6.0
177
+ torch-stoi==0.2.3
178
+ torchaudio==2.6.0
179
+ tqdm==4.67.1
180
+ traitlets==5.14.3
181
+ transformers==4.46.1
182
+ triton==3.2.0
183
+ typer==0.15.1
184
+ typing-inspect==0.9.0
185
+ typing_extensions==4.12.2
186
+ tzdata==2025.1
187
+ urllib3==2.3.0
188
+ uvicorn==0.34.0
189
+ wcwidth==0.2.13
190
+ websockets==14.2
191
+ Werkzeug==3.1.3
192
+ wrapt==1.17.2
193
+ yarl==1.18.3