Installation of `mamba_ssm` Package Fails on Google Colab
Hello,
I'm encountering an issue where the mamba_ssm package fails to install on Google Colab. This installation previously worked, but it now fails in recent Colab. The exact cause is unclear.
Environment Details:
- Platform: Google Colab
- Python version: 3.10.12
- pip version: 24.1.2
Steps to Reproduce:
Running the following command results in a build failure:
!pip install mamba_ssm
The error message received is as follows:
Collecting mamba_ssm
Downloading mamba_ssm-2.2.2.tar.gz (85 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 85.4/85.4 kB 4.6 MB/s eta 0:00:00
Preparing metadata (setup.py) ... done
Requirement already satisfied: torch in /usr/local/lib/python3.10/dist-packages (from mamba_ssm) (2.5.0+cu121)
Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (from mamba_ssm) (24.1)
Collecting ninja (from mamba_ssm)
Downloading ninja-1.11.1.1-py2.py3-none-manylinux1_x86_64.manylinux_2_5_x86_64.whl.metadata (5.3 kB)
Requirement already satisfied: einops in /usr/local/lib/python3.10/dist-packages (from mamba_ssm) (0.8.0)
Collecting triton (from mamba_ssm)
Downloading triton-3.1.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.3 kB)
Requirement already satisfied: transformers in /usr/local/lib/python3.10/dist-packages (from mamba_ssm) (4.44.2)
Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch->mamba_ssm) (3.16.1)
Requirement already satisfied: typing-extensions>=4.8.0 in /usr/local/lib/python3.10/dist-packages (from torch->mamba_ssm) (4.12.2)
Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch->mamba_ssm) (3.4.2)
Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch->mamba_ssm) (3.1.4)
Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch->mamba_ssm) (2024.6.1)
Requirement already satisfied: sympy==1.13.1 in /usr/local/lib/python3.10/dist-packages (from torch->mamba_ssm) (1.13.1)
Requirement already satisfied: mpmath<1.4,>=1.1.0 in /usr/local/lib/python3.10/dist-packages (from sympy==1.13.1->torch->mamba_ssm) (1.3.0)
Requirement already satisfied: huggingface-hub<1.0,>=0.23.2 in /usr/local/lib/python3.10/dist-packages (from transformers->mamba_ssm) (0.24.7)
Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from transformers->mamba_ssm) (1.26.4)
Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.10/dist-packages (from transformers->mamba_ssm) (6.0.2)
Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers->mamba_ssm) (2024.9.11)
Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from transformers->mamba_ssm) (2.32.3)
Requirement already satisfied: safetensors>=0.4.1 in /usr/local/lib/python3.10/dist-packages (from transformers->mamba_ssm) (0.4.5)
Requirement already satisfied: tokenizers<0.20,>=0.19 in /usr/local/lib/python3.10/dist-packages (from transformers->mamba_ssm) (0.19.1)
Requirement already satisfied: tqdm>=4.27 in /usr/local/lib/python3.10/dist-packages (from transformers->mamba_ssm) (4.66.5)
Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch->mamba_ssm) (3.0.2)
Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->transformers->mamba_ssm) (3.4.0)
Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->transformers->mamba_ssm) (3.10)
Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->transformers->mamba_ssm) (2.2.3)
Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->transformers->mamba_ssm) (2024.8.30)
Downloading ninja-1.11.1.1-py2.py3-none-manylinux1_x86_64.manylinux_2_5_x86_64.whl (307 kB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 307.2/307.2 kB 13.1 MB/s eta 0:00:00
Downloading triton-3.1.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (209.5 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 209.5/209.5 MB 6.6 MB/s eta 0:00:00
Building wheels for collected packages: mamba_ssm
error: subprocess-exited-with-error
× python setup.py bdist_wheel did not run successfully.
│ exit code: 1
╰─> See above for output.
note: This error originates from a subprocess, and is likely not a problem with pip.
Building wheel for mamba_ssm (setup.py) ... error
ERROR: Failed building wheel for mamba_ssm
Running setup.py clean for mamba_ssm
Failed to build mamba_ssm
ERROR: ERROR: Failed to build installable wheels for some pyproject.toml based projects (mamba_ssm)
pip list
Package Version
---------------------------------- --------------------
absl-py 1.4.0
accelerate 0.34.2
aiohappyeyeballs 2.4.3
aiohttp 3.10.10
aiosignal 1.3.1
alabaster 0.7.16
albucore 0.0.16
albumentations 1.4.15
altair 4.2.2
annotated-types 0.7.0
anyio 3.7.1
argon2-cffi 23.1.0
argon2-cffi-bindings 21.2.0
array_record 0.5.1
arviz 0.19.0
astropy 6.1.4
astropy-iers-data 0.2024.10.21.0.33.21
astunparse 1.6.3
async-timeout 4.0.3
atpublic 4.1.0
attrs 24.2.0
audioread 3.0.1
autograd 1.7.0
babel 2.16.0
backcall 0.2.0
beautifulsoup4 4.12.3
bigframes 1.22.0
bigquery-magics 0.4.0
bleach 6.1.0
blinker 1.4
blis 0.7.11
blosc2 2.0.0
bokeh 3.4.3
Bottleneck 1.4.2
bqplot 0.12.43
branca 0.8.0
CacheControl 0.14.0
cachetools 5.5.0
catalogue 2.0.10
certifi 2024.8.30
cffi 1.17.1
chardet 5.2.0
charset-normalizer 3.4.0
chex 0.1.87
clarabel 0.9.0
click 8.1.7
cloudpathlib 0.20.0
cloudpickle 3.1.0
cmake 3.30.5
cmdstanpy 1.2.4
colorcet 3.1.0
colorlover 0.3.0
colour 0.1.5
community 1.0.0b1
confection 0.1.5
cons 0.4.6
contourpy 1.3.0
cryptography 43.0.3
cuda-python 12.2.1
cudf-cu12 24.10.1
cufflinks 0.17.3
cupy-cuda12x 12.2.0
cvxopt 1.3.2
cvxpy 1.5.3
cycler 0.12.1
cymem 2.0.8
Cython 3.0.11
dask 2024.8.2
datascience 0.17.6
db-dtypes 1.3.0
dbus-python 1.2.18
debugpy 1.6.6
decorator 4.4.2
defusedxml 0.7.1
Deprecated 1.2.14
diffusers 0.30.3
distro 1.7.0
dlib 19.24.2
dm-tree 0.1.8
docker-pycreds 0.4.0
docstring_parser 0.16
docutils 0.18.1
dopamine_rl 4.0.9
duckdb 1.1.2
earthengine-api 1.0.0
easydict 1.13
ecos 2.0.14
editdistance 0.8.1
eerepr 0.0.4
einops 0.8.0
en-core-web-sm 3.7.1
entrypoints 0.4
et-xmlfile 1.1.0
etils 1.10.0
etuples 0.3.9
eval_type_backport 0.2.0
exceptiongroup 1.2.2
fastai 2.7.18
fastcore 1.7.19
fastdownload 0.0.7
fastjsonschema 2.20.0
fastprogress 1.0.3
fastrlock 0.8.2
filelock 3.16.1
firebase-admin 6.5.0
Flask 2.2.5
flatbuffers 24.3.25
flax 0.8.5
folium 0.17.0
fonttools 4.54.1
frozendict 2.4.6
frozenlist 1.4.1
fsspec 2024.6.1
future 1.0.0
gast 0.6.0
gcsfs 2024.6.1
GDAL 3.6.4
gdown 5.2.0
geemap 0.34.5
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.11
GitPython 3.1.43
glob2 0.7
google 2.0.3
google-ai-generativelanguage 0.6.10
google-api-core 2.19.2
google-api-python-client 2.137.0
google-auth 2.27.0
google-auth-httplib2 0.2.0
google-auth-oauthlib 1.2.1
google-cloud-aiplatform 1.70.0
google-cloud-bigquery 3.25.0
google-cloud-bigquery-connection 1.15.5
google-cloud-bigquery-storage 2.27.0
google-cloud-bigtable 2.26.0
google-cloud-core 2.4.1
google-cloud-datastore 2.19.0
google-cloud-firestore 2.16.1
google-cloud-functions 1.16.5
google-cloud-iam 2.15.2
google-cloud-language 2.13.4
google-cloud-pubsub 2.25.0
google-cloud-resource-manager 1.12.5
google-cloud-storage 2.8.0
google-cloud-translate 3.15.5
google-colab 1.0.0
google-crc32c 1.6.0
google-generativeai 0.8.3
google-pasta 0.2.0
google-resumable-media 2.7.2
googleapis-common-protos 1.65.0
googledrivedownloader 0.4
graphviz 0.20.3
greenlet 3.1.1
grpc-google-iam-v1 0.13.1
grpcio 1.64.1
grpcio-status 1.48.2
gspread 6.0.2
gspread-dataframe 3.3.1
gym 0.25.2
gym-notices 0.0.8
h5netcdf 1.4.0
h5py 3.11.0
holidays 0.59
holoviews 1.19.1
html5lib 1.1
httpimport 1.4.0
httplib2 0.22.0
huggingface-hub 0.24.7
humanize 4.10.0
hyperopt 0.2.7
ibis-framework 9.2.0
idna 3.10
imageio 2.35.1
imageio-ffmpeg 0.5.1
imagesize 1.4.1
imbalanced-learn 0.12.4
imgaug 0.4.0
immutabledict 4.2.0
importlib_metadata 8.5.0
importlib_resources 6.4.5
imutils 0.5.4
inflect 7.4.0
iniconfig 2.0.0
intel-cmplr-lib-ur 2024.2.1
intel-openmp 2024.2.1
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 7.7.1
itsdangerous 2.2.0
jax 0.4.33
jax-cuda12-pjrt 0.4.33
jax-cuda12-plugin 0.4.33
jaxlib 0.4.33
jeepney 0.7.1
jellyfish 1.1.0
jieba 0.42.1
Jinja2 3.1.4
joblib 1.4.2
jsonpickle 3.3.0
jsonschema 4.23.0
jsonschema-specifications 2024.10.1
jupyter-client 6.1.12
jupyter-console 6.1.0
jupyter_core 5.7.2
jupyter-leaflet 0.19.2
jupyter-server 1.24.0
jupyterlab_pygments 0.3.0
jupyterlab_widgets 3.0.13
kaggle 1.6.17
kagglehub 0.3.3
keras 3.4.1
keyring 23.5.0
kiwisolver 1.4.7
langcodes 3.4.1
language_data 1.2.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 24.10.1
librosa 0.10.2.post1
lightgbm 4.5.0
linkify-it-py 2.0.3
llvmlite 0.43.0
locket 1.0.0
logical-unification 0.4.6
lxml 4.9.4
marisa-trie 1.2.1
Markdown 3.7
markdown-it-py 3.0.0
MarkupSafe 3.0.2
matplotlib 3.7.1
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 0.8.4
mizani 0.11.4
mkl 2024.2.2
ml-dtypes 0.4.1
mlxtend 0.23.1
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
murmurhash 1.0.10
music21 9.1.0
namex 0.0.8
natsort 8.4.0
nbclassic 1.1.0
nbclient 0.10.0
nbconvert 6.5.4
nbformat 5.10.4
nest-asyncio 1.6.0
networkx 3.4.2
nibabel 5.2.1
nltk 3.8.1
notebook 6.5.5
notebook_shim 0.2.4
numba 0.60.0
numexpr 2.10.1
numpy 1.26.4
nvidia-cublas-cu12 12.6.3.3
nvidia-cuda-cupti-cu12 12.6.80
nvidia-cuda-nvcc-cu12 12.6.77
nvidia-cuda-runtime-cu12 12.6.77
nvidia-cudnn-cu12 9.5.0.50
nvidia-cufft-cu12 11.3.0.4
nvidia-curand-cu12 10.3.7.77
nvidia-cusolver-cu12 11.7.1.2
nvidia-cusparse-cu12 12.5.4.2
nvidia-nccl-cu12 2.23.4
nvidia-nvjitlink-cu12 12.6.77
nvtx 0.2.10
nx-cugraph-cu12 24.10.0
oauth2client 4.1.3
oauthlib 3.2.2
opencv-contrib-python 4.10.0.84
opencv-python 4.10.0.84
opencv-python-headless 4.10.0.84
openpyxl 3.1.5
opentelemetry-api 1.16.0
opentelemetry-sdk 1.16.0
opentelemetry-semantic-conventions 0.37b0
opt_einsum 3.4.0
optax 0.2.3
optree 0.13.0
orbax-checkpoint 0.6.4
osqp 0.6.7.post3
packaging 24.1
pandas 2.2.2
pandas-datareader 0.10.0
pandas-gbq 0.23.2
pandas-stubs 2.2.2.240909
pandocfilters 1.5.1
panel 1.4.5
param 2.1.1
parso 0.8.4
parsy 2.1
partd 1.4.2
pathlib 1.0.1
patsy 0.5.6
peewee 3.17.7
pexpect 4.9.0
pickleshare 0.7.5
pillow 10.4.0
pip 24.1.2
platformdirs 4.3.6
plotly 5.24.1
plotnine 0.13.6
pluggy 1.5.0
polars 1.7.1
pooch 1.8.2
portpicker 1.5.2
preshed 3.0.9
prettytable 3.11.0
proglog 0.1.10
progressbar2 4.5.0
prometheus_client 0.21.0
promise 2.3
prompt_toolkit 3.0.48
propcache 0.2.0
prophet 1.1.6
proto-plus 1.24.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 16.1.0
pyarrow-hotfix 0.6
pyasn1 0.6.1
pyasn1_modules 0.4.1
pycocotools 2.0.8
pycparser 2.22
pydantic 2.9.2
pydantic_core 2.23.4
pydata-google-auth 1.8.2
pydot 3.0.2
pydotplus 2.0.2
PyDrive 1.3.1
PyDrive2 1.20.0
pyerfa 2.0.1.4
pygame 2.6.1
pygit2 1.15.1
Pygments 2.18.0
PyGObject 3.42.1
PyJWT 2.9.0
pylibcudf-cu12 24.10.1
pylibcugraph-cu12 24.10.0
pylibraft-cu12 24.10.0
pymc 5.16.2
pymystem3 0.2.0
pynvjitlink-cu12 0.3.0
pyogrio 0.10.0
PyOpenGL 3.1.7
pyOpenSSL 24.2.1
pyparsing 3.2.0
pyperclip 1.9.0
pyproj 3.7.0
pyshp 2.3.1
PySocks 1.7.1
pyspark 3.5.3
pytensor 2.25.5
pytest 7.4.4
python-apt 0.0.0
python-box 7.2.0
python-dateutil 2.8.2
python-louvain 0.16
python-slugify 8.0.4
python-utils 3.9.0
pytz 2024.2
pyviz_comms 3.0.3
PyYAML 6.0.2
pyzmq 24.0.1
qdldl 0.1.7.post4
ratelim 0.1.6
referencing 0.35.1
regex 2024.9.11
requests 2.32.3
requests-oauthlib 1.3.1
requirements-parser 0.9.0
rich 13.9.3
rmm-cu12 24.10.0
rpds-py 0.20.0
rpy2 3.4.2
rsa 4.9
safetensors 0.4.5
scikit-image 0.24.0
scikit-learn 1.5.2
scipy 1.13.1
scooby 0.10.0
scs 3.2.7
seaborn 0.13.2
SecretStorage 3.3.1
Send2Trash 1.8.3
sentencepiece 0.2.0
sentry-sdk 2.17.0
setproctitle 1.3.3
setuptools 75.1.0
shap 0.46.0
shapely 2.0.6
shellingham 1.5.4
simple-parsing 0.1.6
six 1.16.0
sklearn-pandas 2.2.0
slicer 0.0.8
smart-open 7.0.5
smmap 5.0.1
sniffio 1.3.1
snowballstemmer 2.2.0
soundfile 0.12.1
soupsieve 2.6
soxr 0.5.0.post1
spacy 3.7.5
spacy-legacy 3.0.12
spacy-loggers 1.0.5
Sphinx 5.0.2
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.36
sqlglot 25.1.0
sqlparse 0.5.1
srsly 2.4.8
stanio 0.5.1
statsmodels 0.14.4
StrEnum 0.4.15
sympy 1.13.1
tables 3.8.0
tabulate 0.9.0
tbb 2021.13.1
tenacity 9.0.0
tensorboard 2.17.0
tensorboard-data-server 0.7.2
tensorflow 2.17.0
tensorflow-datasets 4.9.6
tensorflow-hub 0.16.1
tensorflow-io-gcs-filesystem 0.37.1
tensorflow-metadata 1.16.1
tensorflow-probability 0.24.0
tensorstore 0.1.66
termcolor 2.5.0
terminado 0.18.1
text-unidecode 1.3
textblob 0.17.1
tf_keras 2.17.0
tf-slim 1.1.0
thinc 8.2.5
threadpoolctl 3.5.0
tifffile 2024.9.20
timm 1.0.11
tinycss2 1.3.0
tokenizers 0.19.1
toml 0.10.2
tomli 2.0.2
toolz 0.12.1
torch 2.5.0+cu121
torchaudio 2.5.0+cu121
torchsummary 1.5.1
torchvision 0.20.0+cu121
tornado 6.3.3
tqdm 4.66.5
traitlets 5.7.1
traittypes 0.2.1
transformers 4.44.2
tweepy 4.14.0
typeguard 4.3.0
typer 0.12.5
types-pytz 2024.2.0.20241003
types-setuptools 75.2.0.20241019
typing_extensions 4.12.2
tzdata 2024.2
tzlocal 5.2
uc-micro-py 1.0.3
uritemplate 4.1.1
urllib3 2.2.3
vega-datasets 0.9.0
wadllib 1.3.6
wandb 0.18.5
wasabi 1.1.3
wcwidth 0.2.13
weasel 0.4.1
webcolors 24.8.0
webencodings 0.5.1
websocket-client 1.8.0
Werkzeug 3.0.4
wheel 0.44.0
widgetsnbextension 3.6.10
wordcloud 1.9.3
wrapt 1.16.0
xarray 2024.9.0
xarray-einstats 0.8.0
xgboost 2.1.1
xlrd 2.0.1
xyzservices 2024.9.0
yarl 1.16.0
yellowbrick 1.5
yfinance 0.2.46
zipp 3.20.2
Try
Use ! git clone https://github.com/state-spaces/mamba to clone the repository, then do '!pip install ./mamba'.
This worked for me.
@adrita78 Have you tried this on Colab? I attempted the installation using the method you suggested, but it has been stuck at 'Building wheel for mamba_ssm' for over 15 minutes. Did it also take a similar amount of time for you?
@klae01 Yes, I tried this on Colab. It should take around 20 minutes or so. It kinda took long for me too.
Thanks for the advice. Unfortunately, I was stuck on building wheels for 50 minutes and still running with this method. I would think this is a bit long to have to wait upon each launch of a Colab notebook anyway. Perhaps there is an alternative solution? Thanks in advance.
I might add I have tried a variety of solutions, including what is discussed here: https://github.com/state-spaces/mamba/issues/277
Resolved the issue. The following lines of code worked for me:
pip install torch==2.1.1 torchvision==0.16.1 torchaudio==2.1.1 --index-url https://download.pytorch.org/whl/cu118
pip install causal_conv1d==1.1.1
pip install mamba-ssm==1.2.0.post1
This derives from this forum: https://github.com/state-spaces/mamba/issues/169 from user @uxhao-o.
Edit: updated 12/21/24, this solution no longer works for me. The post a bit below is working for me as well.
For me this worked:
!pip install https://github.com/Dao-AILab/causal-conv1d/releases/download/v1.4.0/causal_conv1d-1.4.0+cu118torch2.0cxx11abiFALSE-cp310-cp310-linux_x86_64.whl
!pip install mamba-ssm
seems to have to do with causal_conv1d. If that doesnt work, here I found this. There are other versions maybe worth trying: https://github.com/Dao-AILab/causal-conv1d/releases
Hi all,
I am having the same problem. I would like to use Mamba2.
I tried the following as suggested:
pip install torch==2.1.1 torchvision==0.16.1 torchaudio==2.1.1 --index-url https://download.pytorch.org/whl/cu118 pip install causal_conv1d==1.1.1 pip install mamba-ssm==1.2.0.post1
but it failed to import Mamba2. Then, I tried:
pip install torch==2.1.1 torchvision==0.16.1 torchaudio==2.1.1 --index-url https://download.pytorch.org/whl/cu118 pip install causal_conv1d==1.1.0 pip install mamba-ssm
and I get the 'causal_conv1d_fwd(): incompatible function arguments' error.
Previously, I used to just do:
!pip uninstall mamba-ssm causal-conv1d !pip install causal-conv1d && pip install mamba-ssm
as suggested by this this thread, and it used to work fine.
Any help is appreciated
this is what worked for me in the end:
!pip install torch==2.4.0 torchvision==0.19.0 torchaudio==2.4.0 --index-url https://download.pytorch.org/whl/cu121 !pip uninstall mamba-ssm causal-conv1d !pip install causal-conv1d && pip install mamba-ssm
Mamba2 runs fine now
this is what worked for me in the end:
!pip install torch==2.4.0 torchvision==0.19.0 torchaudio==2.4.0 --index-url https://download.pytorch.org/whl/cu121 !pip uninstall mamba-ssm causal-conv1d !pip install causal-conv1d && pip install mamba-ssm
Mamba2 runs fine now
did you do this on colab?
this is what worked for me in the end:
!pip install torch==2.4.0 torchvision==0.19.0 torchaudio==2.4.0 --index-url https://download.pytorch.org/whl/cu121 !pip uninstall mamba-ssm causal-conv1d !pip install causal-conv1d && pip install mamba-ssm
Mamba2 runs fine now
did you do this on colab?
Yes
It work. Thanks you, I was so defeated I move to use smallest mamba model on my local GPU. Now I can use better qa mamba model. Thank you @RamiCassia
@RamiCassia Thanks for the update. My previous solution is no longer working for me as well. I updated my comment with respect to this. Your solution is working for me as of 12/21/24, thanks!
for cuda 12.4 and python 3.10: pip install torch==2.4.0 torchvision==0.19.0 torchaudio==2.4.0 --index-url https://download.pytorch.org/whl/cu121 then !pip install causal-conv1d==1.4.0 && pip install mamba-ssm==2.2.2
for cuda 12.4 and python 3.10: pip install torch==2.4.0 torchvision==0.19.0 torchaudio==2.4.0 --index-url https://download.pytorch.org/whl/cu121 then !pip install causal-conv1d==1.4.0 && pip install mamba-ssm==2.2.2
This solution works in Colab by 25/06/2025. Thanks!
How about 23/11/2025 ?
Install causal conv1d Then install mamba-ssm without build isolation
How can I install it?
@zinebabourida pip install causal-conv1d pip install mamba-ssm --no-build-isolation
It works for me, thank you 😊