-
Hi, thank you for your work on this task!
I was trying to inference the model on a custom dataset, I saw that 1 device gave a slow speed, therefore, I was trying using 2 GPUs by setting the --parra…
-
checkpoint = load_checkpoint(model, '/pretrained_model/Jan29-00-02_epoch_261_serialized_ssd-4094ffb2.pth', map_location='cpu')
The model and loaded state dict do not match exactly
unexpected key i…
-
```python
from tensorflow.examples.tutorials.mnist import input_data
mnist = input_data.read_data_sets('MNIST_data', one_hot=True)
import tensorflow as tf
# model
x = tf.placeholder(tf.fl…
-
Thank you for open-sourcing the code!
In the process of reproducing, the following problems appeared:
Error(s) in loading state_dict for BertForSequenceClassification:
size mismatch for cl…
-
(venv) personalinfo@MacBook-Pro-3 LongNet % python3 train.py
2024-03-05 23:56:10,524 - numexpr.utils - INFO - NumExpr defaulting to 8 threads.
2024-03-05 23:56:17.908409: I tensorflow/core/platform/…
-
```python
def memory_efficient_attention(
query: torch.Tensor,
key: torch.Tensor,
value: torch.Tensor,
attn_bias: Optional[Union[torch.Tensor, AttentionBias]] = None,
p: floa…
-
[Warning] Ignoring Error(s) in loading state_dict for EfficientDetBackbone:
size mismatch for classifier.header.pointwise_conv.conv.weight: copying a param with shape torch.Size([810, 112, 1,…
-
模型训练代码
`model = hub.Module(
name='resnet50_vd_imagenet_ssld',
label_list=["roses", "tulips", "daisy", "sunflowers", "dandelion"],
load_checkpoint=None)
optimizer = paddle.optimizer.Ad…
-
python -m nmt.nmt --out_dir=nmt_model/ --inference_input_file=nmt_data/tst2013.vi --inference_output_file=nmt_model/output_infer.en
# Job id 0
# Loading hparams from nmt_model/hparams
saving hp…
-
### Describe the bug
Hi,
I tried to use DoReFa quantiser to train a simple model for CIFAR10, but training failed to converge:
```
10000/1 - 1s 96us/sample - loss: 2.3026 - accuracy: 0.1000
Test …