-
As a followup to https://github.com/pytorch/torchdynamo/issues/887 which worked with eager
## Repro
`pip install mosaicml`
```python
from torch.utils.data import DataLoader
from torchvision…
-
Hello, I successfully reproduced the process described in "Using the Prediction Service" p682-683 of the book with the toy model "my_mnist_model' (turns the trained model into a serverless cloud model…
-
## Description
I install the cuda and cudnn with local deb package following the nvidia document, and install tensorrt with tar file.
nvidia-smi, nvcc -V, and cudnn test sample is work correctly…
-
Hi, I am just wondering whether the model supports batch size > 1?
I tried batch size > 1 on mnist dataloader and my own data loader, it always said " Expected 4-dimensional input for 4-dimensiona…
-
训练指令!python train.py --model_net DCGAN --dataset mnist --noise_size 100 --batch_size 32 --epoch 10 --print_freq 100
下图为训练到第九轮1600批次的结果,下半部分为生成器输出图形,没有东西
![图片](https://user-images.githubusercontent.c…
-
### 🐛 Describe the bug
Trying to import the MNIST dataset on Linux as follows:
```python
import torchvision.datasets as datasets
mnist_trainset = datasets.MNIST(root='./data', train=True, downlo…
-
If one uses eg. a RF model to learn the side (instead of a simple moving average model), then how is meta-labelling carried out? Because we train the 1st primary model (RF) on X_train, do we also want…
-
### Issue type
Bug
### Have you reproduced the bug with TensorFlow Nightly?
Yes
### Source
binary
### TensorFlow version
2.16.1, 2.17.0rc0, 2.18.0.dev20240617
### Custom code
No
### OS platf…
-
Please fill out the form below.
### System Information
- **Spark or PySpark**: Spark
- **SDK Version**: N/A
- **Spark Version**: N/A
- **Algorithm (e.g. KMeans)**: N/A
### Describe the probl…
-
Hello there,
Total dilettante here - I was wondering if its possible to create GANs with either the current version or V2 of Synaptic. If not then I'd be interested in any generative models (seems Sy…