fiesty-bear commited on
Commit
22342db
1 Parent(s): 6064c9d

Initial Commit

Browse files
Files changed (2) hide show
  1. app.py +145 -0
  2. requirements.txt +498 -0
app.py ADDED
@@ -0,0 +1,145 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ selected_model = 'lookbook' #@param {type:"string"}
3
+
4
+ # Load model
5
+ import torch
6
+ import numpy as np
7
+ from PIL import Image
8
+ from models import get_instrumented_model
9
+ from decomposition import get_or_compute
10
+ from config import Config
11
+
12
+ # Speed up computation
13
+ torch.autograd.set_grad_enabled(False)
14
+ torch.backends.cudnn.benchmark = True
15
+
16
+ # Specify model to use
17
+ config = Config(
18
+ model='StyleGAN2',
19
+ layer='style',
20
+ output_class=selected_model,
21
+ components=20,
22
+ use_w=True,
23
+ batch_size=5_000, # style layer quite small
24
+ )
25
+
26
+ device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
27
+
28
+ inst = get_instrumented_model(config.model, config.output_class,
29
+ config.layer, device, use_w=config.use_w)
30
+
31
+ path_to_components = get_or_compute(config, inst)
32
+
33
+ model = inst.model
34
+
35
+ comps = np.load(path_to_components)
36
+ lst = comps.files
37
+ latent_dirs = []
38
+ latent_stdevs = []
39
+
40
+ load_activations = False
41
+
42
+ for item in lst:
43
+ if load_activations:
44
+ if item == 'act_comp':
45
+ for i in range(comps[item].shape[0]):
46
+ latent_dirs.append(comps[item][i])
47
+ if item == 'act_stdev':
48
+ for i in range(comps[item].shape[0]):
49
+ latent_stdevs.append(comps[item][i])
50
+ else:
51
+ if item == 'lat_comp':
52
+ for i in range(comps[item].shape[0]):
53
+ latent_dirs.append(comps[item][i])
54
+ if item == 'lat_stdev':
55
+ for i in range(comps[item].shape[0]):
56
+ latent_stdevs.append(comps[item][i])
57
+
58
+ #@title Define functions
59
+ def display_sample_pytorch(seed, truncation, directions, distances, scale, start, end, w=None, disp=True, save=None, noise_spec=None):
60
+ # blockPrint()
61
+ model.truncation = truncation
62
+ if w is None:
63
+ w = model.sample_latent(1, seed=seed).detach().cpu().numpy()
64
+ w = [w]*model.get_max_latents() # one per layer
65
+ else:
66
+ w = [np.expand_dims(x, 0) for x in w]
67
+
68
+ for l in range(start, end):
69
+ for i in range(len(directions)):
70
+ w[l] = w[l] + directions[i] * distances[i] * scale
71
+
72
+ torch.cuda.empty_cache()
73
+ #save image and display
74
+ out = model.sample_np(w)
75
+ final_im = Image.fromarray((out * 255).astype(np.uint8)).resize((500,500),Image.LANCZOS)
76
+
77
+
78
+ if save is not None:
79
+ if disp == False:
80
+ print(save)
81
+ final_im.save(f'out/{seed}_{save:05}.png')
82
+ if disp:
83
+ display(final_im)
84
+
85
+ return final_im
86
+ #@title Demo UI
87
+ import gradio as gr
88
+ import numpy as np
89
+
90
+ gr.themes.Glass()
91
+
92
+ def generate_image(seed=0, c0=0, c1=0, c2=0, c3=0, c4=0, c5=0, c6=0):
93
+ seed = int(seed)
94
+ params = {'c0': -c0,
95
+ 'c1': c1,
96
+ 'c2': c2,
97
+ 'c3': c3,
98
+ 'c4': c4,
99
+ 'c5': c5,
100
+ 'c6': c6}
101
+
102
+ # Assigns slider to the principal components
103
+ param_indexes = {'c0': 12,
104
+ 'c1': 6,
105
+ 'c2': 7,
106
+ 'c3': 2,
107
+ 'c4': 11,
108
+ 'c5': 9,
109
+ 'c6': 10}
110
+
111
+ # Save the values from the sliders
112
+ directions = []
113
+ distances = []
114
+ for k, v in params.items():
115
+ directions.append(latent_dirs[param_indexes[k]])
116
+ distances.append(v)
117
+
118
+ # Additional settings for image generation
119
+ start_layer = 0
120
+ end_layer = 14
121
+ truncation = 0.5
122
+
123
+ return display_sample_pytorch(seed, truncation, directions, distances, 1, int(start_layer), int(end_layer), disp=False)
124
+
125
+ # Create a number input for seed
126
+ seed = gr.Number(value=6, label="Seed 1")
127
+
128
+ slider_max_val = 5
129
+ slider_min_val = -5
130
+ slider_step = 0.1
131
+
132
+ # Create the sliders input
133
+ c0 = gr.Slider(label="Design Pattern", minimum=slider_min_val, maximum=slider_max_val, value=0)
134
+ c1 = gr.Slider(label="Traditional", minimum=slider_min_val, maximum=slider_max_val, value=0)
135
+ c2 = gr.Slider(label="Darker Tone", minimum=slider_min_val, maximum=slider_max_val, value=0)
136
+ c3 = gr.Slider(label="Neck Line", minimum=slider_min_val, maximum=slider_max_val, value=0)
137
+ c4 = gr.Slider(label="Graphics", minimum=slider_min_val, maximum=slider_max_val, value=0)
138
+ c5 = gr.Slider(label="Darker Tone", minimum=slider_min_val, maximum=slider_max_val, value=0)
139
+ c6 = gr.Slider(label="Greenish", minimum=slider_min_val, maximum=slider_max_val, value=0)
140
+
141
+
142
+ inputs = [seed, c0, c1, c2, c3]
143
+
144
+ # Launch demo
145
+ gr.Interface(generate_image, inputs, ["image"], live=True, title="Fashion GAN", description="StyleGan2+SpaceGan to generate parameter controlled images. With ❤ by TCS Rapid Labs").launch(debug=True, share=True)
requirements.txt ADDED
@@ -0,0 +1,498 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ absl-py==1.4.0
2
+ aiofiles==23.2.1
3
+ aiohttp==3.9.1
4
+ aiosignal==1.3.1
5
+ alabaster==0.7.16
6
+ albumentations==1.3.1
7
+ altair==4.2.2
8
+ anyio==3.7.1
9
+ appdirs==1.4.4
10
+ argon2-cffi==23.1.0
11
+ argon2-cffi-bindings==21.2.0
12
+ array-record==0.5.0
13
+ arviz==0.15.1
14
+ astropy==5.3.4
15
+ astunparse==1.6.3
16
+ async-timeout==4.0.3
17
+ atpublic==4.0
18
+ attrs==23.2.0
19
+ audioread==3.0.1
20
+ autograd==1.6.2
21
+ Babel==2.14.0
22
+ backcall==0.2.0
23
+ beautifulsoup4==4.11.2
24
+ bidict==0.22.1
25
+ bigframes==0.19.0
26
+ bleach==6.1.0
27
+ blinker==1.4
28
+ blis==0.7.11
29
+ blosc2==2.0.0
30
+ bokeh==3.3.3
31
+ boto3==1.34.22
32
+ botocore==1.34.22
33
+ bqplot==0.12.42
34
+ branca==0.7.0
35
+ build==1.0.3
36
+ CacheControl==0.13.1
37
+ cachetools==5.3.2
38
+ catalogue==2.0.10
39
+ certifi==2023.11.17
40
+ cffi==1.16.0
41
+ chardet==3.0.4
42
+ charset-normalizer==3.3.2
43
+ chex==0.1.7
44
+ click==8.1.7
45
+ click-plugins==1.1.1
46
+ cligj==0.7.2
47
+ cloudpickle==2.2.1
48
+ cmake==3.27.9
49
+ cmdstanpy==1.2.0
50
+ colorcet==3.0.1
51
+ colorlover==0.3.0
52
+ colour==0.1.5
53
+ community==1.0.0b1
54
+ confection==0.1.4
55
+ cons==0.4.6
56
+ contextlib2==21.6.0
57
+ contourpy==1.2.0
58
+ cryptography==41.0.7
59
+ cufflinks==0.17.3
60
+ cupy-cuda12x==12.2.0
61
+ cvxopt==1.3.2
62
+ cvxpy==1.3.2
63
+ cycler==0.12.1
64
+ cymem==2.0.8
65
+ Cython==3.0.8
66
+ dask==2023.8.1
67
+ datascience==0.17.6
68
+ db-dtypes==1.2.0
69
+ dbus-python==1.2.18
70
+ debugpy==1.6.6
71
+ decorator==4.4.2
72
+ defusedxml==0.7.1
73
+ diskcache==5.6.3
74
+ distributed==2023.8.1
75
+ distro==1.7.0
76
+ dlib==19.24.2
77
+ dm-tree==0.1.8
78
+ docutils==0.18.1
79
+ dopamine-rl==4.0.6
80
+ duckdb==0.9.2
81
+ earthengine-api==0.1.385
82
+ easydict==1.11
83
+ ecos==2.0.12
84
+ editdistance==0.6.2
85
+ eerepr==0.0.4
86
+ en-core-web-sm @ https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.6.0/en_core_web_sm-3.6.0-py3-none-any.whl#sha256=83276fc78a70045627144786b52e1f2728ad5e29e5e43916ec37ea9c26a11212
87
+ entrypoints==0.4
88
+ et-xmlfile==1.1.0
89
+ etils==1.6.0
90
+ etuples==0.3.9
91
+ exceptiongroup==1.2.0
92
+ fastai==2.7.13
93
+ fastapi==0.109.0
94
+ fastcore==1.5.29
95
+ fastdownload==0.0.7
96
+ fastjsonschema==2.19.1
97
+ fastprogress==1.0.3
98
+ fastrlock==0.8.2
99
+ fbpca==1.0
100
+ ffmpy==0.3.1
101
+ filelock==3.13.1
102
+ fiona==1.9.5
103
+ firebase-admin==5.3.0
104
+ Flask==2.2.5
105
+ flatbuffers==23.5.26
106
+ flax==0.7.5
107
+ folium==0.14.0
108
+ fonttools==4.47.2
109
+ frozendict==2.4.0
110
+ frozenlist==1.4.1
111
+ fsspec==2023.6.0
112
+ future==0.18.3
113
+ gast==0.5.4
114
+ gcsfs==2023.6.0
115
+ GDAL==3.4.3
116
+ gdown==4.6.6
117
+ geemap==0.30.3
118
+ gensim==4.3.2
119
+ geocoder==1.38.1
120
+ geographiclib==2.0
121
+ geopandas==0.13.2
122
+ geopy==2.3.0
123
+ gin-config==0.5.0
124
+ glob2==0.7
125
+ google==2.0.3
126
+ google-ai-generativelanguage==0.4.0
127
+ google-api-core==2.11.1
128
+ google-api-python-client==2.84.0
129
+ google-auth==2.17.3
130
+ google-auth-httplib2==0.1.1
131
+ google-auth-oauthlib==1.2.0
132
+ google-cloud-aiplatform==1.39.0
133
+ google-cloud-bigquery==3.12.0
134
+ google-cloud-bigquery-connection==1.12.1
135
+ google-cloud-bigquery-storage==2.24.0
136
+ google-cloud-core==2.3.3
137
+ google-cloud-datastore==2.15.2
138
+ google-cloud-firestore==2.11.1
139
+ google-cloud-functions==1.13.3
140
+ google-cloud-iam==2.13.0
141
+ google-cloud-language==2.9.1
142
+ google-cloud-resource-manager==1.11.0
143
+ google-cloud-storage==2.8.0
144
+ google-cloud-translate==3.11.3
145
+ google-colab @ file:///colabtools/dist/google-colab-1.0.0.tar.gz#sha256=6294a64a6af49a94409f8f79ccec6448629262a3bb2cebbd4450060dc293984b
146
+ google-crc32c==1.5.0
147
+ google-generativeai==0.3.2
148
+ google-pasta==0.2.0
149
+ google-resumable-media==2.7.0
150
+ googleapis-common-protos==1.62.0
151
+ googledrivedownloader==0.4
152
+ gradio==3.50.0
153
+ gradio_client==0.6.1
154
+ graphviz==0.20.1
155
+ greenlet==3.0.3
156
+ grpc-google-iam-v1==0.13.0
157
+ grpcio==1.60.0
158
+ grpcio-status==1.48.2
159
+ gspread==3.4.2
160
+ gspread-dataframe==3.3.1
161
+ gym==0.25.2
162
+ gym-notices==0.0.8
163
+ h11==0.14.0
164
+ h5netcdf==1.3.0
165
+ h5py==3.9.0
166
+ holidays==0.40
167
+ holoviews==1.17.1
168
+ html5lib==1.1
169
+ httpcore==1.0.2
170
+ httpimport==1.3.1
171
+ httplib2==0.22.0
172
+ httpx==0.26.0
173
+ huggingface-hub==0.20.2
174
+ humanize==4.7.0
175
+ hyperopt==0.2.7
176
+ ibis-framework==7.1.0
177
+ idna==2.10
178
+ imageio==2.31.6
179
+ imageio-ffmpeg==0.4.9
180
+ imagesize==1.4.1
181
+ imbalanced-learn==0.10.1
182
+ imgaug==0.4.0
183
+ importlib-metadata==7.0.1
184
+ importlib-resources==6.1.1
185
+ imutils==0.5.4
186
+ inflect==7.0.0
187
+ iniconfig==2.0.0
188
+ install==1.3.5
189
+ intel-openmp==2023.2.3
190
+ ipyevents==2.0.2
191
+ ipyfilechooser==0.6.0
192
+ ipykernel==5.5.6
193
+ ipyleaflet==0.18.1
194
+ ipython==7.34.0
195
+ ipython-genutils==0.2.0
196
+ ipython-sql==0.5.0
197
+ ipytree==0.2.2
198
+ ipywidgets==7.7.1
199
+ itsdangerous==2.1.2
200
+ jax==0.4.23
201
+ jaxlib @ https://storage.googleapis.com/jax-releases/cuda12/jaxlib-0.4.23+cuda12.cudnn89-cp310-cp310-manylinux2014_x86_64.whl#sha256=8e42000672599e7ec0ea7f551acfcc95dcdd0e22b05a1d1f12f97b56a9fce4a8
202
+ jeepney==0.7.1
203
+ jieba==0.42.1
204
+ Jinja2==3.1.3
205
+ jmespath==1.0.1
206
+ joblib==1.3.2
207
+ jsonpickle==3.0.2
208
+ jsonschema==4.19.2
209
+ jsonschema-specifications==2023.12.1
210
+ jupyter-client==6.1.12
211
+ jupyter-console==6.1.0
212
+ jupyter-server==1.24.0
213
+ jupyter_core==5.7.1
214
+ jupyterlab-widgets==3.0.9
215
+ jupyterlab_pygments==0.3.0
216
+ kaggle==1.5.16
217
+ kagglehub==0.1.5
218
+ keras==2.15.0
219
+ keyring==23.5.0
220
+ kiwisolver==1.4.5
221
+ langcodes==3.3.0
222
+ launchpadlib==1.10.16
223
+ lazr.restfulclient==0.14.4
224
+ lazr.uri==1.0.6
225
+ lazy_loader==0.3
226
+ libclang==16.0.6
227
+ librosa==0.10.1
228
+ lida==0.0.10
229
+ lightgbm==4.1.0
230
+ linkify-it-py==2.0.2
231
+ llmx==0.0.15a0
232
+ llvmlite==0.41.1
233
+ locket==1.0.0
234
+ logical-unification==0.4.6
235
+ lxml==4.9.4
236
+ malloy==2023.1067
237
+ Markdown==3.5.2
238
+ markdown-it-py==3.0.0
239
+ MarkupSafe==2.1.3
240
+ matplotlib==3.7.1
241
+ matplotlib-inline==0.1.6
242
+ matplotlib-venn==0.11.9
243
+ mdit-py-plugins==0.4.0
244
+ mdurl==0.1.2
245
+ miniKanren==1.0.3
246
+ missingno==0.5.2
247
+ mistune==0.8.4
248
+ mizani==0.9.3
249
+ mkl==2023.2.0
250
+ ml-dtypes==0.2.0
251
+ mlxtend==0.22.0
252
+ more-itertools==10.1.0
253
+ moviepy==1.0.3
254
+ mpmath==1.3.0
255
+ msgpack==1.0.7
256
+ multidict==6.0.4
257
+ multipledispatch==1.0.0
258
+ multitasking==0.0.11
259
+ murmurhash==1.0.10
260
+ music21==9.1.0
261
+ natsort==8.4.0
262
+ nbclassic==1.0.0
263
+ nbclient==0.9.0
264
+ nbconvert==6.5.4
265
+ nbformat==5.9.2
266
+ nest-asyncio==1.5.8
267
+ networkx==3.2.1
268
+ nibabel==4.0.2
269
+ ninja==1.11.1.1
270
+ nltk==3.8.1
271
+ notebook==6.5.5
272
+ notebook_shim==0.2.3
273
+ numba==0.58.1
274
+ numexpr==2.8.8
275
+ numpy==1.23.5
276
+ oauth2client==4.1.3
277
+ oauthlib==3.2.2
278
+ opencv-contrib-python==4.8.0.76
279
+ opencv-python==4.8.0.76
280
+ opencv-python-headless==4.9.0.80
281
+ openpyxl==3.1.2
282
+ opt-einsum==3.3.0
283
+ optax==0.1.7
284
+ orbax-checkpoint==0.4.4
285
+ orjson==3.9.12
286
+ osqp==0.6.2.post8
287
+ packaging==23.2
288
+ pandas==1.5.3
289
+ pandas-datareader==0.10.0
290
+ pandas-gbq==0.19.2
291
+ pandas-stubs==1.5.3.230304
292
+ pandocfilters==1.5.0
293
+ panel==1.3.6
294
+ param==2.0.1
295
+ parso==0.8.3
296
+ parsy==2.1
297
+ partd==1.4.1
298
+ pathlib==1.0.1
299
+ pathy==0.10.3
300
+ patsy==0.5.6
301
+ peewee==3.17.0
302
+ pexpect==4.9.0
303
+ pickleshare==0.7.5
304
+ Pillow==9.4.0
305
+ pins==0.8.4
306
+ pip-tools==6.13.0
307
+ platformdirs==4.1.0
308
+ plotly==5.15.0
309
+ plotnine==0.12.4
310
+ pluggy==1.3.0
311
+ polars==0.17.3
312
+ pooch==1.8.0
313
+ portpicker==1.5.2
314
+ prefetch-generator==1.0.3
315
+ preshed==3.0.9
316
+ prettytable==3.9.0
317
+ proglog==0.1.10
318
+ progressbar2==4.2.0
319
+ prometheus-client==0.19.0
320
+ promise==2.3
321
+ prompt-toolkit==3.0.43
322
+ prophet==1.1.5
323
+ proto-plus==1.23.0
324
+ protobuf==3.20.3
325
+ psutil==5.9.5
326
+ psycopg2==2.9.9
327
+ ptyprocess==0.7.0
328
+ py-cpuinfo==9.0.0
329
+ py4j==0.10.9.7
330
+ pyarrow==10.0.1
331
+ pyarrow-hotfix==0.6
332
+ pyasn1==0.5.1
333
+ pyasn1-modules==0.3.0
334
+ pycocotools==2.0.7
335
+ pycparser==2.21
336
+ pyct==0.5.0
337
+ pydantic==1.10.13
338
+ pydata-google-auth==1.8.2
339
+ pydot==1.4.2
340
+ pydot-ng==2.0.0
341
+ pydotplus==2.0.2
342
+ PyDrive==1.3.1
343
+ PyDrive2==1.6.3
344
+ pydub==0.25.1
345
+ pyerfa==2.0.1.1
346
+ pygame==2.5.2
347
+ Pygments==2.16.1
348
+ PyGObject==3.42.1
349
+ PyJWT==2.3.0
350
+ pymc==5.7.2
351
+ pymystem3==0.2.0
352
+ PyOpenGL==3.1.7
353
+ pyOpenSSL==23.3.0
354
+ pyparsing==3.1.1
355
+ pyperclip==1.8.2
356
+ pyproj==3.6.1
357
+ pyproject_hooks==1.0.0
358
+ pyshp==2.3.1
359
+ PySocks==1.7.1
360
+ pytensor==2.14.2
361
+ pytest==7.4.4
362
+ python-apt==0.0.0
363
+ python-box==7.1.1
364
+ python-dateutil==2.8.2
365
+ python-louvain==0.16
366
+ python-multipart==0.0.6
367
+ python-slugify==8.0.1
368
+ python-utils==3.8.1
369
+ pytz==2023.3.post1
370
+ pyviz_comms==3.0.0
371
+ PyWavelets==1.5.0
372
+ PyYAML==6.0.1
373
+ pyzmq==23.2.1
374
+ qdldl==0.1.7.post0
375
+ qudida==0.0.4
376
+ ratelim==0.1.6
377
+ referencing==0.32.1
378
+ regex==2023.6.3
379
+ requests==2.23.0
380
+ requests-oauthlib==1.3.1
381
+ requirements-parser==0.5.0
382
+ rich==13.7.0
383
+ rpds-py==0.16.2
384
+ rpy2==3.4.2
385
+ rsa==4.9
386
+ s3transfer==0.10.0
387
+ safetensors==0.4.1
388
+ scikit-image==0.19.3
389
+ scikit-learn==1.2.2
390
+ scipy==1.11.4
391
+ scooby==0.9.2
392
+ scs==3.2.4.post1
393
+ seaborn==0.13.1
394
+ SecretStorage==3.3.1
395
+ semantic-version==2.10.0
396
+ Send2Trash==1.8.2
397
+ shapely==2.0.2
398
+ six==1.16.0
399
+ sklearn-pandas==2.2.0
400
+ smart-open==6.4.0
401
+ sniffio==1.3.0
402
+ snowballstemmer==2.2.0
403
+ sortedcontainers==2.4.0
404
+ soundfile==0.12.1
405
+ soupsieve==2.5
406
+ soxr==0.3.7
407
+ spacy==3.6.1
408
+ spacy-legacy==3.0.12
409
+ spacy-loggers==1.0.5
410
+ Sphinx==5.0.2
411
+ sphinxcontrib-applehelp==1.0.7
412
+ sphinxcontrib-devhelp==1.0.5
413
+ sphinxcontrib-htmlhelp==2.0.4
414
+ sphinxcontrib-jsmath==1.0.1
415
+ sphinxcontrib-qthelp==1.0.6
416
+ sphinxcontrib-serializinghtml==1.1.9
417
+ SQLAlchemy==2.0.24
418
+ sqlglot==19.9.0
419
+ sqlparse==0.4.4
420
+ srsly==2.4.8
421
+ stanio==0.3.0
422
+ starlette==0.35.1
423
+ statsmodels==0.14.1
424
+ sympy==1.12
425
+ tables==3.8.0
426
+ tabulate==0.9.0
427
+ tbb==2021.11.0
428
+ tblib==3.0.0
429
+ tenacity==8.2.3
430
+ tensorboard==2.15.1
431
+ tensorboard-data-server==0.7.2
432
+ tensorflow==2.15.0
433
+ tensorflow-datasets==4.9.4
434
+ tensorflow-estimator==2.15.0
435
+ tensorflow-gcs-config==2.15.0
436
+ tensorflow-hub==0.15.0
437
+ tensorflow-io-gcs-filesystem==0.35.0
438
+ tensorflow-metadata==1.14.0
439
+ tensorflow-probability==0.22.0
440
+ tensorstore==0.1.45
441
+ termcolor==2.4.0
442
+ terminado==0.18.0
443
+ text-unidecode==1.3
444
+ textblob==0.17.1
445
+ tf-slim==1.1.0
446
+ thinc==8.1.12
447
+ threadpoolctl==3.2.0
448
+ tifffile==2023.12.9
449
+ tinycss2==1.2.1
450
+ tokenizers==0.15.0
451
+ toml==0.10.2
452
+ tomli==2.0.1
453
+ toolz==0.12.0
454
+ torch @ https://download.pytorch.org/whl/cu121/torch-2.1.0%2Bcu121-cp310-cp310-linux_x86_64.whl#sha256=0d4e8c52a1fcf5ed6cfc256d9a370fcf4360958fc79d0b08a51d55e70914df46
455
+ torchaudio @ https://download.pytorch.org/whl/cu121/torchaudio-2.1.0%2Bcu121-cp310-cp310-linux_x86_64.whl#sha256=676bda4042734eda99bc59b2d7f761f345d3cde0cad492ad34e3aefde688c6d8
456
+ torchdata==0.7.0
457
+ torchsummary==1.5.1
458
+ torchtext==0.16.0
459
+ torchvision @ https://download.pytorch.org/whl/cu121/torchvision-0.16.0%2Bcu121-cp310-cp310-linux_x86_64.whl#sha256=e76e78d0ad43636c9884b3084ffaea8a8b61f21129fbfa456a5fe734f0affea9
460
+ tornado==6.3.2
461
+ tqdm==4.66.1
462
+ traitlets==5.7.1
463
+ traittypes==0.2.1
464
+ transformers==4.35.2
465
+ triton==2.1.0
466
+ tweepy==4.14.0
467
+ typer==0.9.0
468
+ types-pytz==2023.3.1.1
469
+ types-setuptools==69.0.0.20240115
470
+ typing_extensions==4.9.0
471
+ tzlocal==5.2
472
+ uc-micro-py==1.0.2
473
+ uritemplate==4.1.1
474
+ urllib3==1.25.11
475
+ uvicorn==0.26.0
476
+ vega-datasets==0.9.0
477
+ wadllib==1.3.6
478
+ wasabi==1.1.2
479
+ wcwidth==0.2.13
480
+ webcolors==1.13
481
+ webencodings==0.5.1
482
+ websocket-client==1.7.0
483
+ websockets==11.0.3
484
+ Werkzeug==3.0.1
485
+ widgetsnbextension==3.6.6
486
+ wordcloud==1.9.3
487
+ wrapt==1.14.1
488
+ xarray==2023.7.0
489
+ xarray-einstats==0.6.0
490
+ xgboost==2.0.3
491
+ xlrd==2.0.1
492
+ xxhash==3.4.1
493
+ xyzservices==2023.10.1
494
+ yarl==1.9.4
495
+ yellowbrick==1.5
496
+ yfinance==0.2.35
497
+ zict==3.0.0
498
+ zipp==3.17.0