-
I am having problems using `KernelExplainer` with scikit-learn's `svm.SVR` regressor, and passing the `best_estimator_` to the explainer after `GridSearchCV`.
I've noticed other issues: i.e. [147](…
-
I am trying to run the model on Docker (Docker Desktop, Windows via WSL2) and my card is a RTX 4070 12GB, but I always see the error "torch.cuda.OutOfMemoryError: Allocation on device" and the predict…
-
code to reproduce:
```
import torch
from torch import nn
from bigdl.nano.pytorch.inference import InferenceOptimizer
from transformers import BertTokenizer, BertModel
model_name = 'hfl/chine…
-
## 🐞Describing the bug
This is a follow up on https://github.com/apple/coremltools/issues/2275. Sorry I couldn't find the reopen option in the original issue.
To clarify, the issue didn't happen wit…
-
I was hoping that you could help me understand how best to generate predictions from data modeled by phyr. I am trying to take the coefficients from a Poisson distributed model and apply them to gene…
-
### Describe the issue
While my Onnx model functions excellently in Onnxruntime Web, I've encountered an issue where creating an InferenceSession results in a substantial memory usage increase of a…
-
Thank you for the great repo.
I am trying to fine-tune the pre-trained lxmert weights on my own VQA dataset.
Can I use -load_lxmert instead of -load_lxmert_qa when fine-tuning the VQA model? Ac…
-
Hello,
I've noticed a discrepancy between the results I see during training and the predictions made when loading the trained weights. When I train the model, the visuals look as expected. However, u…
-
In the example command given, the required argument `--indepfile` is provided.
However, it is not clear how this should be used as separate to `--infile` when using a pre-trained model for creati…
-
Hello,
Thank you for your very interesting article and model. I would like to add covariates to my target data to improve the predictions. From what I understand from the articles and issues, pre-t…