Skip to content
New issue

Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.

By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.

Already on GitHub? Sign in to your account

Issues with setup via pip on colab. #173

Open
santosh-r24 opened this issue Feb 4, 2025 · 0 comments
Open

Issues with setup via pip on colab. #173

santosh-r24 opened this issue Feb 4, 2025 · 0 comments

Comments

@santosh-r24
Copy link

I am trying to run inference via L4 instance on colab and I am coming across this error of ImportError: cannot import name 'Cache' from 'transformers' (/usr/local/lib/python3.11/dist-packages/transformers/__init__.py)

!python /content/MuseV/scripts/inference/text2video.py \
   --sd_model_name majicmixRealv6Fp16 \
   --unet_model_name musev \
   -test_data_path /content/MuseV/configs/tasks/vegeta_task.yaml \
   --vae_model_path /content/MuseV/checkpoints/vae/sd-vae-ft-mse \
   --output_dir /content/output \
   --n_batch 1 \
   --time_size 12 \
   --fps 12

Getting this error

The cache for model files in Transformers v4.22.0 has been updated. Migrating your old cache. This is a one-time only operation. You can interrupt this and resume the migration later on by calling `transformers.utils.move_cache()`.
0it [00:00, ?it/s]
2025-02-04 16:04:06.676396: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:477] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered
WARNING: All log messages before absl::InitializeLog() is called are written to STDERR
E0000 00:00:1738685046.999070   16881 cuda_dnn.cc:8310] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered
E0000 00:00:1738685047.079683   16881 cuda_blas.cc:1418] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered
WARNING[XFORMERS]: xFormers can't load C++/CUDA extensions. xFormers was built for:
    PyTorch 2.0.1+cu118 with CUDA 1108 (you have 2.1.0+cu121)
    Python  3.11.4 (you have 3.11.11)
  Please reinstall xformers (see https://github.com/facebookresearch/xformers#installing-xformers)
  Memory-efficient attention, SwiGLU, sparse and more won't be available.
  Set XFORMERS_MORE_DETAILS=1 for more details
error: XDG_RUNTIME_DIR not set in the environment.
ALSA lib confmisc.c:855:(parse_card) cannot find card '0'
ALSA lib conf.c:5178:(_snd_config_evaluate) function snd_func_card_inum returned error: No such file or directory
ALSA lib confmisc.c:422:(snd_func_concat) error evaluating strings
ALSA lib conf.c:5178:(_snd_config_evaluate) function snd_func_concat returned error: No such file or directory
ALSA lib confmisc.c:1334:(snd_func_refer) error evaluating name
ALSA lib conf.c:5178:(_snd_config_evaluate) function snd_func_refer returned error: No such file or directory
ALSA lib conf.c:5701:(snd_config_expand) Evaluate error: No such file or directory
ALSA lib pcm.c:2664:(snd_pcm_open_noupdate) Unknown PCM default
ALSA lib confmisc.c:855:(parse_card) cannot find card '0'
ALSA lib conf.c:5178:(_snd_config_evaluate) function snd_func_card_inum returned error: No such file or directory
ALSA lib confmisc.c:422:(snd_func_concat) error evaluating strings
ALSA lib conf.c:5178:(_snd_config_evaluate) function snd_func_concat returned error: No such file or directory
ALSA lib confmisc.c:1334:(snd_func_refer) error evaluating name
ALSA lib conf.c:5178:(_snd_config_evaluate) function snd_func_refer returned error: No such file or directory
ALSA lib conf.c:5701:(snd_config_expand) Evaluate error: No such file or directory
ALSA lib pcm.c:2664:(snd_pcm_open_noupdate) Unknown PCM default
args
{'add_static_video_prompt': False,
 'context_batch_size': 1,
 'context_frames': 12,
 'context_overlap': 4,
 'context_schedule': 'uniform_v2',
 'context_stride': 1,
 'cross_attention_dim': 768,
 'face_image_path': None,
 'facein_model_cfg_path': '/content/MuseV/scripts/inference/../.././configs/model/facein.py',
 'facein_model_name': None,
 'facein_scale': 1.0,
 'fix_condition_images': False,
 'fixed_ip_adapter_image': True,
 'fixed_refer_face_image': True,
 'fixed_refer_image': True,
 'fps': 12,
 'guidance_scale': 7.5,
 'height': None,
 'img_length_ratio': 1.0,
 'img_weight': 0.001,
 'interpolation_factor': 1,
 'ip_adapter_face_model_cfg_path': '/content/MuseV/scripts/inference/../.././configs/model/ip_adapter.py',
 'ip_adapter_face_model_name': None,
 'ip_adapter_face_scale': 1.0,
 'ip_adapter_model_cfg_path': '/content/MuseV/scripts/inference/../.././configs/model/ip_adapter.py',
 'ip_adapter_model_name': None,
 'ip_adapter_scale': 1.0,
 'ipadapter_image_path': None,
 'lcm_model_cfg_path': '/content/MuseV/scripts/inference/../.././configs/model/lcm_model.py',
 'lcm_model_name': None,
 'log_level': 'INFO',
 'motion_speed': 8.0,
 'n_batch': 1,
 'n_cols': 3,
 'n_repeat': 1,
 'n_vision_condition': 1,
 'need_hist_match': False,
 'need_img_based_video_noise': True,
 'negative_prompt': 'V2',
 'negprompt_cfg_path': '/content/MuseV/scripts/inference/../../configs/model/negative_prompt.py',
 'noise_type': 'video_fusion',
 'num_inference_steps': 30,
 'output_dir': '/content/output',
 'overwrite': False,
 'prompt_only_use_image_prompt': False,
 'record_mid_video_latents': False,
 'record_mid_video_noises': False,
 'redraw_condition_image': False,
 'redraw_condition_image_with_facein': True,
 'redraw_condition_image_with_ip_adapter_face': True,
 'redraw_condition_image_with_ipdapter': True,
 'redraw_condition_image_with_referencenet': True,
 'referencenet_image_path': None,
 'referencenet_model_cfg_path': '/content/MuseV/scripts/inference/../.././configs/model/referencenet.py',
 'referencenet_model_name': None,
 'save_filetype': 'mp4',
 'save_images': False,
 'sd_model_cfg_path': '/content/MuseV/scripts/inference/../../configs/model/T2I_all_model.py',
 'sd_model_name': 'majicmixRealv6Fp16',
 'seed': None,
 'strength': 0.8,
 'target_datas': 'all',
 'test_data_path': '/content/MuseV/configs/tasks/vegeta_task.yaml',
 'time_size': 12,
 'unet_model_cfg_path': '/content/MuseV/scripts/inference/../.././configs/model/motion_model.py',
 'unet_model_name': 'musev',
 'use_condition_image': True,
 'vae_model_path': '/content/MuseV/checkpoints/vae/sd-vae-ft-mse',
 'video_guidance_scale': 3.5,
 'video_guidance_scale_end': None,
 'video_guidance_scale_method': 'linear',
 'video_negative_prompt': 'V2',
 'video_num_inference_steps': 10,
 'video_overlap': 1,
 'vision_clip_extractor_class_name': None,
 'vision_clip_model_path': './checkpoints/ip_adapter/models/image_encoder',
 'w_ind_noise': 0.5,
 'width': None,
 'write_info': False}


running model, T2I SD
{'majicmixRealv6Fp16': {'sd': '/content/MuseV/configs/model/../../checkpoints/t2i/sd1.5/majicmixRealv6Fp16'}}
lcm:  None None
unet_model_params_dict_src dict_keys(['musev', 'musev_referencenet', 'musev_referencenet_pose'])
unet:  musev /content/MuseV/configs/model/../../checkpoints/motion/musev
referencenet:  None None
ip_adapter:  None None
facein:  None None
ip_adapter_face:  None None
video_negprompt V2 badhandv4, ng_deepnegative_v1_75t, (((multiple heads))), (((bad body))), (((two people))), ((extra arms)), ((deformed body)), (((sexy))), paintings,(((two heads))), ((big head)),sketches, (worst quality:2), (low quality:2), (normal quality:2), lowres, ((monochrome)), ((grayscale)), skin spots, acnes, skin blemishes, age spot, glans, (((nsfw))), nipples, extra fingers, (extra legs), (long neck), mutated hands, (fused fingers), (too many fingers)
negprompt V2 badhandv4, ng_deepnegative_v1_75t, (((multiple heads))), (((bad body))), (((two people))), ((extra arms)), ((deformed body)), (((sexy))), paintings,(((two heads))), ((big head)),sketches, (worst quality:2), (low quality:2), (normal quality:2), lowres, ((monochrome)), ((grayscale)), skin spots, acnes, skin blemishes, age spot, glans, (((nsfw))), nipples, extra fingers, (extra legs), (long neck), mutated hands, (fused fingers), (too many fingers)
n_test_datas 1
2025-02-04 16:04:17,597- musev:887- INFO- vision_clip_extractor, None
test_model_vae_model_path /content/MuseV/checkpoints/vae/sd-vae-ft-mse
Keyword arguments {'torch_device': 'cuda'} are not expected by MusevControlNetPipeline and will be ignored.
Loading pipeline components...:  17% 1/6 [00:00<00:03,  1.47it/s]
Traceback (most recent call last):
  File "/content/MuseV/scripts/inference/text2video.py", line 977, in <module>
    sd_predictor = DiffusersPipelinePredictor(
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/content/MuseV/musev/pipelines/pipeline_controlnet_predictor.py", line 243, in __init__
    pipeline = MusevControlNetPipeline.from_pretrained(**params)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/content/MuseV/diffusers/src/diffusers/pipelines/pipeline_utils.py", line 1258, in from_pretrained
    maybe_raise_or_warn(
  File "/content/MuseV/diffusers/src/diffusers/pipelines/pipeline_utils.py", line 305, in maybe_raise_or_warn
    unwrapped_sub_model = _unwrap_model(sub_model)
                          ^^^^^^^^^^^^^^^^^^^^^^^^
  File "/content/MuseV/diffusers/src/diffusers/pipelines/pipeline_utils.py", line 280, in _unwrap_model
    from peft import PeftModel
  File "/usr/local/lib/python3.11/dist-packages/peft/__init__.py", line 22, in <module>
    from .auto import (
  File "/usr/local/lib/python3.11/dist-packages/peft/auto.py", line 32, in <module>
    from .mapping import MODEL_TYPE_TO_PEFT_MODEL_MAPPING
  File "/usr/local/lib/python3.11/dist-packages/peft/mapping.py", line 25, in <module>
    from .mixed_model import PeftMixedModel
  File "/usr/local/lib/python3.11/dist-packages/peft/mixed_model.py", line 29, in <module>
    from .peft_model import PeftModel
  File "/usr/local/lib/python3.11/dist-packages/peft/peft_model.py", line 37, in <module>
    from transformers import Cache, DynamicCache, EncoderDecoderCache, PreTrainedModel
ImportError: cannot import name 'Cache' from 'transformers' (/usr/local/lib/python3.11/dist-packages/transformers/__init__.py)

These are the libraries i installed, i tinkered with by trial and error to get them all installed. I faced alot of issues directly installing versions as mentioned in requirements.txt

absl-py==1.4.0
accelerate==0.22.0
addict==2.4.0
aiohappyeyeballs==2.4.4
aiohttp==3.11.11
aiosignal==1.3.2
alabaster==1.0.0
albucore==0.0.19
albumentations==1.3.1
ale-py==0.10.1
aliyun-python-sdk-core==2.16.0
aliyun-python-sdk-kms==2.16.5
altair==5.5.0
annotated-types==0.7.0
antlr4-python3-runtime==4.9.3
anyio==3.7.1
appdirs==1.4.4
argon2-cffi==23.1.0
argon2-cffi-bindings==21.2.0
array_record==0.6.0
arviz==0.20.0
astropy==6.1.7
astropy-iers-data==0.2025.1.27.0.32.44
astunparse==1.6.3
async-timeout==5.0.1
atpublic==4.1.0
attrs==25.1.0
audioread==3.0.1
autograd==1.7.0
babel==2.16.0
backcall==0.2.0
basicsr==1.4.2
beautifulsoup4==4.12.3
bigframes==1.34.0
bigquery-magics==0.5.0
bitsandbytes==0.41.1
black==25.1.0
bleach==6.2.0
blinker==1.9.0
blis==0.7.11
blosc2==3.0.0
bokeh==3.6.2
Bottleneck==1.4.2
bqplot==0.12.44
braceexpand==0.1.7
branca==0.8.1
CacheControl==0.14.2
cachetools==5.5.1
catalogue==2.0.10
certifi==2024.12.14
cffi==1.17.1
chardet==5.2.0
charset-normalizer==3.4.1
chex==0.1.88
chumpy==0.70
clarabel==0.9.0
click==8.1.8
clip @ git+https://github.com/openai/CLIP.git@dcba3cb2e2827b402d2701e7e1c7d9fed8a20ef1
cloudpathlib==0.20.0
cloudpickle==3.1.1
cmake==3.31.4
cmdstanpy==1.2.5
colorama==0.4.6
colorcet==3.1.0
coloredlogs==15.0.1
colorlover==0.3.0
colour==0.1.5
community==1.0.0b1
confection==0.1.5
cons==0.4.6
contourpy==1.3.1
controlnet_aux @ git+https://github.com/TMElyralab/controlnet_aux.git@be9bbad070e30f412158ec2f2cec28212324ec0e
cramjam==2.9.1
crcmod==1.7
cryptography==43.0.3
cuda-python==12.6.0
cudf-cu12 @ https://pypi.nvidia.com/cudf-cu12/cudf_cu12-24.12.0-cp311-cp311-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl
cufflinks==0.17.3
cuid==0.4
cupy-cuda12x==13.3.0
cvxopt==1.3.2
cvxpy==1.6.0
cycler==0.12.1
cyipopt==1.5.0
cymem==2.0.11
Cython==3.0.2
dask==2024.10.0
datascience==0.17.6
db-dtypes==1.4.0
dbus-python==1.2.18
debugpy==1.8.0
decorator==4.4.2
decord==0.6.0
defusedxml==0.7.1
Deprecated==1.2.18
diffusers @ git+https://github.com/TMElyralab/diffusers.git@abf2f8bf698a895cecc30a73c6ff4abb92fdce1c
distro==1.9.0
dlib==19.24.2
dm-tree==0.1.8
docker-pycreds==0.4.0
docstring_parser==0.16
docutils==0.21.2
dopamine_rl==4.1.2
duckdb==1.1.3
earthengine-api==1.4.6
easydict==1.13
editdistance==0.8.1
eerepr==0.1.0
einops==0.8.0
en-core-web-sm @ https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.7.1/en_core_web_sm-3.7.1-py3-none-any.whl#sha256=86cc141f63942d4b2c5fcee06630fd6f904788d2f0ab005cce45aadb8fb73889
entrypoints==0.4
et_xmlfile==2.0.0
etils==1.11.0
etuples==0.3.9
eval_type_backport==0.2.2
Farama-Notifications==0.0.4
fastai==2.7.18
fastcore==1.7.28
fastdownload==0.0.7
fastjsonschema==2.21.1
fastprogress==1.0.3
fastrlock==0.8.3
ffmpeg==1.4
ffmpeg-python==0.2.0
filelock==3.14.0
firebase-admin==6.6.0
Flask==3.1.0
flatbuffers==25.1.24
flax==0.10.2
folium==0.19.4
fonttools==4.55.7
frozendict==2.4.6
frozenlist==1.5.0
fsspec==2024.10.0
ftfy==6.1.1
future==1.0.0
fvcore==0.1.5.post20221221
gast==0.6.0
gcsfs==2024.10.0
GDAL==3.6.4
gdown==5.2.0
geemap==0.35.1
gensim==4.3.3
geocoder==1.38.1
geographiclib==2.0
geopandas==1.0.1
geopy==2.4.1
gin-config==0.5.0
gitdb==4.0.12
GitPython==3.1.44
glob2==0.7
google==2.0.3
google-ai-generativelanguage==0.6.15
google-api-core==2.19.2
google-api-python-client==2.155.0
google-auth==2.27.0
google-auth-httplib2==0.2.0
google-auth-oauthlib==1.2.1
google-cloud-aiplatform==1.74.0
google-cloud-bigquery==3.25.0
google-cloud-bigquery-connection==1.17.0
google-cloud-bigquery-storage==2.27.0
google-cloud-bigtable==2.28.1
google-cloud-core==2.4.1
google-cloud-datastore==2.20.2
google-cloud-firestore==2.19.0
google-cloud-functions==1.19.0
google-cloud-iam==2.17.0
google-cloud-language==2.16.0
google-cloud-pubsub==2.25.0
google-cloud-resource-manager==1.14.0
google-cloud-spanner==3.51.0
google-cloud-storage==2.19.0
google-cloud-translate==3.19.0
google-colab @ file:///colabtools/dist/google_colab-1.0.0.tar.gz
google-crc32c==1.6.0
google-genai==0.3.0
google-generativeai==0.8.4
google-pasta==0.2.0
google-resumable-media==2.7.2
googleapis-common-protos==1.66.0
googledrivedownloader==0.4
graphviz==0.20.3
greenlet==3.1.1
grpc-google-iam-v1==0.14.0
grpc-interceptor==0.15.4
grpcio==1.70.0
grpcio-status==1.62.3
gspread==6.1.4
gspread-dataframe==4.0.0
gym==0.25.2
gym-notices==0.0.8
gymnasium==1.0.0
h11==0.14.0
h5netcdf==1.5.0
h5py==3.12.1
highspy==1.9.0
holidays==0.65
holoviews==1.20.0
html5lib==1.1
httpcore==1.0.7
httpimport==1.4.0
httplib2==0.22.0
httpx==0.28.1
huggingface-hub==0.25.0
humanfriendly==10.0
humanize==4.11.0
hyperopt==0.2.7
ibis-framework==9.2.0
idna==3.10
imageio==2.37.0
imageio-ffmpeg==0.4.8
imagesize==1.4.1
imbalanced-learn==0.13.0
imgaug==0.4.0
immutabledict==4.2.1
importlib_metadata==8.6.1
importlib_resources==6.5.2
imutils==0.5.4
inflect==7.5.0
iniconfig==2.0.0
insightface==0.7.3
intel-cmplr-lib-ur==2025.0.4
intel-openmp==2025.0.4
invisible-watermark==0.1.5
iopath==0.1.10
ip-adapter @ git+https://github.com/tencent-ailab/IP-Adapter.git@62e4af9d0c1ac7d5f8dd386a0ccf2211346af1a2
IProgress==0.4
ipyevents==2.0.2
ipyfilechooser==0.6.0
ipykernel==5.5.6
ipyleaflet==0.19.2
ipyparallel==8.8.0
ipython==7.34.0
ipython-genutils==0.2.0
ipython-sql==0.5.0
ipytree==0.2.2
ipywidgets==8.0.3
itsdangerous==2.2.0
jax==0.4.33
jax-cuda12-pjrt==0.4.33
jax-cuda12-plugin==0.4.33
jaxlib==0.4.33
jedi==0.19.2
jeepney==0.7.1
jellyfish==1.1.0
jieba==0.42.1
Jinja2==3.1.5
jiter==0.8.2
jmespath==0.10.0
joblib==1.4.2
json-tricks==3.17.3
jsonpatch==1.33
jsonpickle==4.0.1
jsonpointer==3.0.0
jsonschema==4.23.0
jsonschema-specifications==2024.10.1
jupyter-client==6.1.12
jupyter-console==6.1.0
jupyter-leaflet==0.19.2
jupyter-server==1.24.0
jupyter_core==5.7.2
jupyterlab_pygments==0.3.0
jupyterlab_widgets==3.0.13
kaggle==1.6.17
kagglehub==0.3.6
keras==3.8.0
keras-hub==0.18.1
keras-nlp==0.18.1
keyring==23.5.0
kiwisolver==1.4.8
kornia==0.7.0
langchain==0.3.16
langchain-core==0.3.32
langchain-text-splitters==0.3.5
langcodes==3.5.0
langsmith==0.3.2
language_data==1.3.0
launchpadlib==1.10.16
lazr.restfulclient==0.14.4
lazr.uri==1.0.6
lazy_loader==0.4
libclang==18.1.1
libcudf-cu12 @ https://pypi.nvidia.com/libcudf-cu12/libcudf_cu12-24.12.0-py3-none-manylinux_2_28_x86_64.whl
libkvikio-cu12==24.12.1
librosa==0.10.1
lightgbm==4.5.0
lightning-utilities==0.12.0
linkify-it-py==2.0.3
lit==18.1.8
llvmlite==0.43.0
lmdb==1.6.2
locket==1.0.0
logical-unification==0.4.6
loguru==0.6.0
lxml==5.3.0
marisa-trie==1.2.1
Markdown==3.7
markdown-it-py==3.0.0
MarkupSafe==3.0.2
matplotlib==3.10.0
matplotlib-inline==0.1.7
matplotlib-venn==1.1.1
mdit-py-plugins==0.4.2
mdurl==0.1.2
miniKanren==1.0.3
missingno==0.5.2
mistune==3.1.1
mizani==0.13.1
mkl==2025.0.1
ml-dtypes==0.4.1
mlxtend==0.23.4
mmcm==1.0.0
mmcv==2.1.0
mmdet==3.3.0
mmengine==0.10.6
mmpose==1.3.2
model-index==0.1.11
modelcards==0.1.6
more-itertools==10.5.0
moviepy==1.0.3
mpmath==1.3.0
msgpack==1.1.0
multidict==6.1.0
multipledispatch==1.0.0
multitasking==0.0.11
munkres==1.1.4
murmurhash==1.0.12
music21==9.3.0
mypy-extensions==1.0.0
namex==0.0.8
narwhals==1.24.1
natsort==8.4.0
nbclassic==1.2.0
nbclient==0.10.2
nbconvert==7.16.6
nbformat==5.10.4
ndindex==1.9.2
nest-asyncio==1.6.0
networkx==3.4.2
nibabel==5.3.2
ninja==1.11.1
nltk==3.9.1
notebook==6.5.5
notebook_shim==0.2.4
numba==0.60.0
numba-cuda==0.0.17.1
numexpr==2.10.2
numpy==1.26.4
nvidia-cublas-cu11==11.10.3.66
nvidia-cublas-cu12==12.1.3.1
nvidia-cuda-cupti-cu11==11.7.101
nvidia-cuda-cupti-cu12==12.1.105
nvidia-cuda-nvcc-cu12==12.5.82
nvidia-cuda-nvrtc-cu11==11.7.99
nvidia-cuda-nvrtc-cu12==12.1.105
nvidia-cuda-runtime-cu11==11.7.99
nvidia-cuda-runtime-cu12==12.1.105
nvidia-cudnn-cu11==8.5.0.96
nvidia-cudnn-cu12==8.9.2.26
nvidia-cufft-cu11==10.9.0.58
nvidia-cufft-cu12==11.0.2.54
nvidia-curand-cu11==10.2.10.91
nvidia-curand-cu12==10.3.2.106
nvidia-cusolver-cu11==11.4.0.1
nvidia-cusolver-cu12==11.4.5.107
nvidia-cusparse-cu11==11.7.4.91
nvidia-cusparse-cu12==12.1.0.106
nvidia-nccl-cu11==2.14.3
nvidia-nccl-cu12==2.18.1
nvidia-nvcomp-cu12==4.1.0.6
nvidia-nvjitlink-cu12==12.4.127
nvidia-nvtx-cu11==11.7.91
nvidia-nvtx-cu12==12.1.105
nvtx==0.2.10
nx-cugraph-cu12 @ https://pypi.nvidia.com/nx-cugraph-cu12/nx_cugraph_cu12-24.12.0-py3-none-any.whl
oauth2client==4.1.3
oauthlib==3.2.2
omegaconf==2.3.0
onnx==1.14.1
onnxruntime==1.15.1
onnxsim==0.4.33
open-clip-torch==2.20.0
openai==1.59.9
opencv-contrib-python==4.8.0.76
opencv-python==4.10.0.84
opencv-python-headless==4.11.0.86
opendatalab==0.0.10
openmim==0.3.9
openpyxl==3.1.5
opentelemetry-api==1.16.0
opentelemetry-sdk==1.16.0
opentelemetry-semantic-conventions==0.37b0
openxlab==0.1.2
opt_einsum==3.4.0
optax==0.2.4
optree==0.14.0
orbax-checkpoint==0.6.4
ordered-set==4.1.0
orjson==3.10.15
osqp==0.6.7.post3
oss2==2.17.0
packaging==24.2
pandas==2.2.2
pandas-datareader==0.10.0
pandas-gbq==0.26.1
pandas-stubs==2.2.2.240909
pandocfilters==1.5.1
panel==1.6.0
param==2.2.0
parso==0.8.4
parsy==2.1
partd==1.4.2
pathlib==1.0.1
pathspec==0.12.1
pathtools==0.1.2
patsy==1.0.1
peewee==3.17.8
peft==0.14.0
pexpect==4.9.0
pickleshare==0.7.5
pillow==11.1.0
platformdirs==4.3.6
plotly==5.24.1
plotnine==0.14.5
pluggy==1.5.0
ply==3.11
polars==1.9.0
pooch==1.8.2
portalocker==3.1.1
portpicker==1.5.2
preshed==3.0.9
prettytable==3.13.0
proglog==0.1.10
progressbar2==4.5.0
prometheus_client==0.21.1
promise==2.3
prompt_toolkit==3.0.50
propcache==0.2.1
prophet==1.1.6
proto-plus==1.26.0
protobuf==3.20.3
psutil==5.9.5
psycopg2==2.9.10
ptyprocess==0.7.0
py-cpuinfo==9.0.0
py4j==0.10.9.7
pyarrow==17.0.0
pyasn1==0.6.1
pyasn1_modules==0.4.1
pycocotools==2.0.8
pycparser==2.22
pycryptodome==3.21.0
pydantic==2.10.6
pydantic_core==2.27.2
pydata-google-auth==1.9.1
pydot==3.0.4
pydotplus==2.0.2
PyDrive==1.3.1
PyDrive2==1.21.3
pyerfa==2.0.1.5
pygame==2.6.1
pygit2==1.16.0
Pygments==2.18.0
PyGObject==3.42.1
PyJWT==2.10.1
pylibcudf-cu12 @ https://pypi.nvidia.com/pylibcudf-cu12/pylibcudf_cu12-24.12.0-cp311-cp311-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl
pylibcugraph-cu12==24.12.0
pylibraft-cu12==24.12.0
pymc==5.19.1
pymystem3==0.2.0
pynvjitlink-cu12==0.5.0
pynvml==11.5.0
pyogrio==0.10.0
Pyomo==6.8.2
PyOpenGL==3.1.9
pyOpenSSL==24.2.1
pyparsing==3.2.1
pyperclip==1.9.0
pyproj==3.7.0
pyshp==2.3.1
PySocks==1.7.1
pyspark==3.5.4
pytensor==2.26.4
pytest==8.3.4
python-apt==0.0.0
python-box==7.3.2
python-dateutil==2.8.2
python-louvain==0.16
python-slugify==8.0.4
python-snappy==0.7.3
python-utils==3.9.1
pytorch-lightning==2.0.8
pytube==15.0.0
pytz==2023.4
pyviz_comms==3.0.4
PyWavelets==1.8.0
PyYAML==6.0.2
pyzmq==24.0.1
qdldl==0.1.7.post5
qudida==0.0.4
ratelim==0.1.6
redis==4.5.1
referencing==0.36.2
regex==2024.11.6
requests==2.28.2
requests-oauthlib==1.3.1
requests-toolbelt==1.0.0
requirements-parser==0.9.0
rich==13.4.2
rmm-cu12==24.12.1
rpds-py==0.22.3
rpy2==3.4.2
rsa==4.9
safetensors==0.3.3
scikit-image==0.25.1
scikit-learn==1.6.1
scipy==1.13.1
scooby==0.10.0
scs==3.2.7.post2
seaborn==0.13.2
SecretStorage==3.3.1
Send2Trash==1.8.3
sentence-transformers==3.3.1
sentencepiece==0.2.0
sentry-sdk==2.20.0
setproctitle==1.3.4
shap==0.46.0
shapely==2.0.6
shellingham==1.5.4
simple-parsing==0.1.7
six==1.17.0
sklearn-compat==0.1.3
sklearn-pandas==2.2.0
slicer==0.0.8
smart-open==7.1.0
smmap==5.0.2
sniffio==1.3.1
snowballstemmer==2.2.0
soundfile==0.13.1
soupsieve==2.6
soxr==0.5.0.post1
spacy==3.7.5
spacy-legacy==3.0.12
spacy-loggers==1.0.5
spanner-graph-notebook==1.0.9
Sphinx==8.1.3
sphinxcontrib-applehelp==2.0.0
sphinxcontrib-devhelp==2.0.0
sphinxcontrib-htmlhelp==2.1.0
sphinxcontrib-jsmath==1.0.1
sphinxcontrib-qthelp==2.0.0
sphinxcontrib-serializinghtml==2.0.0
SQLAlchemy==2.0.37
sqlglot==25.6.1
sqlparse==0.5.3
srsly==2.5.1
stanio==0.5.1
statsmodels==0.14.4
stringzilla==3.11.3
sympy==1.13.1
tables==3.10.2
tabulate==0.9.0
tb-nightly==2.19.0a20250204
tbb==2022.0.0
tcmlib==1.2.0
tenacity==9.0.0
tensorboard==2.18.0
tensorboard-data-server==0.7.2
tensorflow==2.18.0
tensorflow-datasets==4.9.7
tensorflow-hub==0.16.1
tensorflow-io-gcs-filesystem==0.37.1
tensorflow-metadata==1.16.1
tensorflow-probability==0.24.0
tensorflow-text==2.18.1
tensorstore==0.1.71
termcolor==2.5.0
terminado==0.18.1
terminaltables==3.1.10
test_tube==0.7.5
text-unidecode==1.3
textblob==0.17.1
tf-slim==1.1.0
tf_keras==2.18.0
thinc==8.2.5
threadpoolctl==3.5.0
tifffile==2025.1.10
timm==0.9.12
tinycss2==1.4.0
tokenizers==0.13.3
toml==0.10.2
toolz==0.12.1
torch==2.1.0
torch-tb-profiler==0.4.1
torchaudio==2.1.0+cu121
torchmetrics==1.1.1
torchsummary==1.5.1
torchvision==0.16.0+cu121
tornado==6.4.2
tqdm==4.65.2
traitlets==5.7.1
traittypes==0.2.1
transformers==4.31.0
triton==2.1.0
tweepy==4.14.0
typeguard==4.4.1
typer==0.15.1
types-pytz==2024.2.0.20241221
types-setuptools==75.8.0.20250110
typing_extensions==4.12.2
tzdata==2025.1
tzlocal==5.2
uc-micro-py==1.0.3
umf==0.9.1
uritemplate==4.1.1
urllib3==1.26.20
vega-datasets==0.9.0
wadllib==1.3.6
wandb==0.15.10
wasabi==1.1.3
wcwidth==0.2.13
weasel==0.4.1
webcolors==24.11.1
webdataset==0.2.100
webencodings==0.5.1
webp==0.4.0
websocket-client==1.8.0
websockets==14.2
Werkzeug==3.1.3
wget==3.2
widgetsnbextension==4.0.13
wordcloud==1.9.4
wrapt==1.17.2
xarray==2025.1.1
xarray-einstats==0.8.0
xformers==0.0.21
xgboost==2.1.3
xlrd==2.0.1
XlsxWriter==3.2.2
xtcocotools==1.14.3
xyzservices==2025.1.0
yacs==0.1.8
yapf==0.43.0
yarl==1.18.3
yellowbrick==1.5
yfinance==0.2.52
zipp==3.21.0
zstandard==0.23.0

Please let me know if anyone's found a way to set it up on colab, or got to install Musev without docker.

Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment
Labels
None yet
Projects
None yet
Development

No branches or pull requests

1 participant