Questions tagged [gpytorch]
36 questions
3
votes
0 answers
How to manually calculate the expected mean (and variance) of a Gaussian Process Regressor?
I am using GPyTorch to make a Gaussian Process (GP) Regressor using a custom mean function (an n-degree polynomial with bias) and a combination of kernels (Gaussian^2*Linear).
I was wondering if it is possible to extract the parameters from the…

TimLevert
- 31
- 3
3
votes
0 answers
Sklearn Gaussian Process and GPytorch give different results
I try to replicate a solution for a GP regression in the sklearn implementation with a GPyTorch version.
Unfortunately, I cannot give an example with the original dataset, which is proprietory. The sklearn solution has consistently have a 40% lower…

AJK
- 107
- 2
- 10
3
votes
0 answers
What is `gpytorch.settings.max_preconditioner_size`? And `gpytorch.beta_features.checkpoint_kernel(checkpoint_size)`?
I am following the tutorial Simple_MultiGPU_GP_Regression and I noticed that during the training two options were established:
with gpytorch.beta_features.checkpoint_kernel(checkpoint_size), \
…

BCJuan
- 805
- 8
- 17
3
votes
1 answer
Poor fits for simple 2D Gaussian processes in `GPyTorch`
I'm having a lot of difficulty fitting a simple 2-dimensional GP out-of-the box using GPyTorch. As you can see below, the fit is very poor, and does not improve much with either swapping out the RBF kernel for something like a Matern. The…

Chris Fonnesbeck
- 4,143
- 4
- 29
- 30
2
votes
0 answers
PyTorch Move Nested Modules to GPU?
I am new to PyTorch and have some custom nn.Modules that I would like to run on a GPU. Let's call them M_outer, M_inner, and M_sub. In general, the structure looks like:
class M_outer(nn.Module):
def __init__(self, **kwargs):
…

SumNeuron
- 4,850
- 5
- 39
- 107
2
votes
1 answer
Partial derivatives of Gaussian Process wrt features
Given a Gaussian Process Model with multidimensional features and scalar observations, how do I compute derivatives of the output wrt to each input, in GPyTorch or GPFlow (or scikit-learn)?

MichalK
- 31
- 2
1
vote
0 answers
gpytorch, regression on targets and classification of gradients to negative or positive
i would like to set up the following model in GPYtorch:
i have 4 inputs and i want to predict an output (regression)
at the same time, i want to constrain the gradients of 3 inputs to be positive and of 1 input to be negative (with respect to the…

john
- 373
- 1
- 16
1
vote
0 answers
Prediction with GPytorch DeepGP was poor
[Link to DeepGP definition:] (https://drive.google.com/file/d/1UwU9fz6vqxOQ3F0NSKKmRSgiP6pNnbwo/view?usp=sharing)
I have defined a DeepGP model using GPytorch, trained it, and the predictions are made as:
test_dataset = TensorDataset(test_x,…

Bikal
- 11
- 1
1
vote
2 answers
GPytorch Runtime Error has different input types
I am following the simple regression tutorial on gpytorch and get the following error when trying to use 2 dimensional input space during a call to the loss function.
RuntimeError: !(has_different_input_dtypes &&…

Olli
- 906
- 10
- 25
1
vote
0 answers
How to learn one commun Gaussian Process for all the features in gpytorch
I am trying to re-implement the example in this website:
Where they have the code:
class DKLModel(gpytorch.Module):
def __init__(self, feature_extractor, num_dim, grid_bounds=(-10., 10.)):
super(DKLModel, self).__init__()
…

Samia jilali
- 11
- 1
1
vote
1 answer
GPyTorch, how to set initial value for "lengthscale" hyperparameter?
I am using GPyTorch regressor according to the documentation.
I would like to set an initial value for the "lengthscale" hyperparameter in RBF kernel.
I want to set a constant number as initial value for "lengthscale" (similar to what we can do in…

Mohammad
- 775
- 1
- 14
- 37
1
vote
1 answer
Applying kernels to separate dimensions in gpytorch
I am translating three-dimensional Gaussian process regression code from GPflow into GPyTorch to take advantage of PyTorch's native scalability for exact GPR.
This example is helpful, but can't find an explanation for how to apply distinct kernels…

Rcameron
- 116
- 9
1
vote
0 answers
No module named ‘points.datasets’ oder points
i am tried to implement this model https://github.com/rusty1s/pytorch_geometric/blob/master/benchmark/points/point_cnn.py on 3D Mesh Faust dataset. However, this failure occurs and i could not solve by !pip intall "package". can i get help thank…

上官林源
- 19
- 1
- 2
1
vote
0 answers
PyTorch v1.3 with GPU on Google Colab?
Google colab notebook comes packaged with PyTorch and GPU support -- see this related SO answer, and then you should go change notebook runtime to GPU from CPU (from the top Colab menubar).
Yet trying to train a model from GPyTorch always fails…

BoltzmannBrain
- 5,082
- 11
- 46
- 79
0
votes
0 answers
How to Model Different Noise Levels for Velocity and Acceleration in Gaussian Process Regression using GPyTorch?
I'm currently working on a project where I'm using Gaussian Process Regression with GPyTorch to model the velocity and acceleration of a vehicle.
My data consists of three columns: time, velocity and acceleration.
Since acceleration is the…

pnadeau
- 427
- 5
- 8