-
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…
-
I set up a cnn model to classify mnist data.the model as follow:
i train the model firstly successful,the result as follow:
![image](https://user-images.githubusercontent.com/18277076/67650958-e3…
-
I am using digits detect net to train a fish detector but it always return error code -6 after training done(100% finished).
I follow the instructions on [this page](https://devblogs.nvidia.com/par…
-
With the release of the 0.9 toolchain containing X10, we now have a higher-performance alternative to the default eager execution mode. In the interest of having swift-models demonstrate best practice…
-
Hello, I wonder your nll is correct?
In,
https://github.com/VLL-HD/conditional_invertible_neural_networks/blob/master/mnist_minimal_example/eval.py#L44-L45
I think, your z is the latent varia…
-
When I try to train on one-channel images, there are dimension mismatches in the initialization of the forward function when using a 32x32 image custom dataset. I get the following error in line 39 of…
-
Hi Ryan,
I am trying to create a calibration file for the ResNet-18 Caffe model. You have mentioned the below statement in another issue:
_I have created a reference for INT8 calibration on Ima…
-
I'm trying a code out from a tutorial online but there seems to be an error in compiling the VAE. Any help would be greatly appreciated!
```
import numpy as np
import matplotlib.pyplot as plt
fr…
-
## Bug Report
**Describe the bug**
I was running the example MNIST TensorFlow and encountered an issue. In Python 3.8, TensorFlow version 2.13.1 is not available.
**To Reproduce**
Steps to rep…
-
for k in 28 27 25 23 21 19 17 15 13 11 9 7 5 3 1; do python -u mnist_classification_wholenetwork.py ./data --target_size $k --num_hidden_features $j --num_train_samples 60000 --fileprefix relulr0.1…