31 questions
0
votes
0
answers
55
views
ImportError when trying to import the "cuml" library [duplicate]
Summary:
I am encountering an ImportError when trying to import the cuml library in a conda environment on Ubuntu 24.04. Here are the steps I followed and the errors I encountered.
Steps to Reproduce:
...
1
vote
0
answers
99
views
DbScan from sklearn vs Dbscan from Rapids
I'm trying out the Rapids version of DbScan that works with GPUs.
I wrote a short code in Python that finds clusters in 3D random generated points, and when I was playing with the code, I realized ...
0
votes
0
answers
126
views
MemoryError: cudaErrorIllegalAddress an illegal memory access was encountered when transfering data from CPU to GPU on google colab
I have tried to use my code, which works perfectly fine offline, on Google Colab. In an attempt to convert data from CPU to GPU for ML training using cuML i get an Error.
Here is the part of my code:
...
0
votes
0
answers
21
views
Why Textattack doesn't working with CUML models?
I am new to the platform and also for using GPU. Earlier, I have used the Textattack library for one of my projects using sklean and keras models. For that, I created the customModelWrappers according ...
1
vote
1
answer
170
views
For CUML version SVC, How to visualize the decision bounday or the hyperplane?
I can do well on it with sklearn's SVC. But How to get it from the CUML version SVC? Because I can't even get the coef_ from the fitted model. And there is no official examples on it. Thanks.
0
votes
1
answer
390
views
A way to use Nvidia Rapids in windows directly?
I would Like to know that is there a way to install Nvidia Rapids directly in windows 11 and use rather than using it with wsl2 or docker? Or is there a way to connect jupyter lab host to dataspell?
I ...
0
votes
1
answer
231
views
cuML package takes a long time to import in jupyterlab
I am trying to import the following function into my jupyterlab workspace: from cuml.manifold import TSNE
Sometimes it loads in with no issues, but other times it takes ages (or an indefinite period ...
0
votes
0
answers
132
views
Dask Dataframe using memory from a single GPU instead of all available in the cluster
I have a script running on an EC2 instance that reads vector embeddings from s3 and dumps them into a list variable; from there, it creates a dask dataframe that will be used in a Dask KMeans ...
0
votes
0
answers
143
views
std::bad_alloc: out_of_memory: CUDA error
I have this code:
import cudf
import cuml
import cupy as cp
from sklearn.datasets import make_classification
from sklearn.model_selection import train_test_split
from cuml.model_selection import ...
0
votes
0
answers
95
views
accessing model.best_estimator_.feature_importances_ in gridsearchcv Random forest
I'm using cuML from RAPIDS AI. I used a GridSearchCV for finding the best parameters, however i am unable to get the best features (for feature selection purposes).
here's my code:
combined_df=cpd....
0
votes
1
answer
298
views
cuML UserWarning: Scoring failed. The score on this train-test partition for these parameters will be set to nan
i am trying to train a RF regression using gridsearchcv. I change all file types to float32 and i still get these warnings that i'm not sure how to solve.
my code:
combined_df=cpd.concat([train_df,...
0
votes
0
answers
48
views
How to convert data frame rows iteratively into time series object and apply auto.arima to each row (with gpu, cudf, cuml)
I have the following df:
head(forecastid)
ID 2015 2016 2017 2018 2019 2020 2021 2022
1 C1 420 423 481 421 393 419 415 440
2 C2 1325 1262 1376 1370 ...
0
votes
1
answer
228
views
cuBLAS error encountered when trying GPU-supported Bertopic
The following error message occurs when I try to implement GPU-Bertopic:
Traceback (most recent call last):
File "/mnt/JianFeng/2_Language_Models/2_3_0_BERTopic_Debug.py", line 19, in <...
-2
votes
1
answer
471
views
RuntimeError: Cannot patch Numba: version 0.57.1 should not be patched
I am trying to run rapidsAI on WSL Windows to run Machine Learning models on GPU and not CPU, i installed conda on WSL, set an env with python version 3.8.15, cuml=22.02, cudatoolkit=11.2
i try to ...
2
votes
0
answers
136
views
cuml K-means clustering slower when multiple instances are running
I am having a performance problem when running multiple cuml.cluster.KMeans.fit_predict() concurrently on a single machine. There is enough memory on both the GPU and the host. When run in isolation, ...
1
vote
1
answer
2k
views
Is there any way to use sklearn on GPU?
I am training model using a VotingClassifier in sklearn.
The dataset is large, approximately 1 millions tabular rows.
from sklearn.ensemble import RandomForestClassifier
from sklearn.ensemble import ...
1
vote
0
answers
542
views
Can I run the cuML RandomForestClassifier with a sklearn MultiOutputClassifier wrapper on a dataset for a multilabel classification task?
I am currently working on an Excel datasheet where I have rows with several features for which I want to predict multiple labels.
The features are either 0 or 1 because they describe whether ...
0
votes
1
answer
474
views
NVidia Rapids: Non-Euclidean metric in cuml UMAP
I am trying to use GPU (A100) to perform UMAP for speedup. I am facing problem as Euclidean metric does not seem to work for me at all but correlation/cosine are promising. However, the code I am ...
0
votes
1
answer
885
views
Why can't I install cuML on wsl?
Installing rapids and cuML is not working
I have Cuda installed (Cuda compilation tools, release 11.8, V11.8.89) in a Python 3.10.11 env in JN in VSC on wsl2 on a desktop running Windows 11, with the ...
1
vote
1
answer
256
views
RAPIDS cuML linear regression running slower than statsmodels.api equivalent?
This is my first time posting on here so my apologies if this is the wrong place to ask or if I'm missing info. Basically I have the following code for a linear regression model using statsmodels and ...
0
votes
0
answers
578
views
create conda enviroment with cuml and tensorflow-gpu dependencies got error
I try to create conda env with the following environment.yml file
name: myenv
channels:
- rapidsai
- conda-forge
- nvidia
dependencies:
- python=3.10
- cudf=23.04
- cuml=23.04
- cugraph=...
0
votes
0
answers
282
views
Latest version of RAPIDS cuML in Kaggle notebooks
First of all, I am fairly new to running models on GPU, so sorry in advance for stupid questions.
I use RAPIDS cuML to GPU-accelerate some algorithms, but I noticed I cannot use the latest version (23....
0
votes
1
answer
188
views
Using Rapids with kmeans imputation in python
I was just wondering if anyone has been able to successfully use rapids with knn imputation. I know cuml.impute was avaliable perviously but is seems like it has not been removed. If anyone has a ...
0
votes
1
answer
249
views
How do I use RAPIDS on python if it is not working
Hi guys I am trying to acces gpu accelerated regression trees through cuml from rapids. However I can't seem to be able to download rapids as instructed> I am trying to dwonload through anaconds ...
0
votes
1
answer
606
views
How can I get cuML RandomForestClassifier leafs?
I'm new to cuML and I have a decision tree classifier using scikit learn. I would like to perform some hyperparameter search using the GPU, so I started looking cuML. There is no ...
0
votes
0
answers
302
views
Rapids CUML Random Forest Regression Model doesn't return the scoring function value
I used the code below to tune the model and search for the best combination using the grid search algorithm. However, the model does not evaluate and return the score value of each combination.
I ...
1
vote
3
answers
3k
views
Installing cuML into Colab or Kaggle notebook
I wanted to install cuml package using this !pip install cuml. Although, this worked previously. However, it's not working right now and gives me the following outputs:
Looking in indexes: https://...
1
vote
0
answers
542
views
Hyper-tuning of SVM regressor using Grid search and cuML
I tried tuning the SVM regressor parameters using the code below. However, during the search for the best params, the grid-search model tends to choose the first kernel of the model within the ...
0
votes
0
answers
57
views
Python transform array 1D [duplicate]
I have a array which has this output and your type is cupy.ndarray:
x = array([[0],
[0],
[0],
...,
[0],
[0],
[0]])
I want is output:
array([0, 0, 0, ..., 0, ...
1
vote
1
answer
3k
views
RAPIDS, CUML on google colab
I'm installing RAPIDS on google colab pro but it takes a lot of time, last 2 instalations took over an hour instead of about 15 minutes as said during instalation "Starting the RAPIDS install on ...
2
votes
2
answers
18k
views
How install cuML module?
I launched this command in my jupyter notebook
pip install cuml
and I have this error:
ERROR: Could not find a version that satisfies the requirement cuml (from versions: none)
ERROR: No matching ...