Skip to content

Commit

Permalink
Upgrade CI
Browse files Browse the repository at this point in the history
  • Loading branch information
AnirudhDagar committed Mar 13, 2022
1 parent 398be95 commit 9908428
Show file tree
Hide file tree
Showing 7 changed files with 12 additions and 15 deletions.
2 changes: 1 addition & 1 deletion Jenkinsfile
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@ stage("Build and Publish") {
def TARGET_BRANCH = env.CHANGE_TARGET ? env.CHANGE_TARGET : env.BRANCH_NAME
// such as d2l-en-master
def TASK = REPO_NAME + '-' + TARGET_BRANCH
node {
node('d2l-worker') {
ws("workspace/${TASK}") {
checkout scm
// conda environment
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -419,7 +419,7 @@ w = (ave_1 - ave_0).T
predictions = X_test.reshape(2000, -1) @ (w.flatten()) > -1500000
# Accuracy
torch.mean(predictions.type(y_test.dtype) == y_test, dtype=torch.float64)
torch.mean((predictions.type(y_test.dtype) == y_test).float(), dtype=torch.float64)
```

```{.python .input}
Expand Down
3 changes: 0 additions & 3 deletions chapter_appendix-tools-for-deep-learning/d2l.md
Original file line number Diff line number Diff line change
Expand Up @@ -10,7 +10,6 @@ As implementações dos seguintes membros do pacote `d2l` e seções onde eles s
.. automodule:: d2l.mxnet
:members:
:imported-members:
```

Expand All @@ -22,7 +21,6 @@ As implementações dos seguintes membros do pacote `d2l` e seções onde eles s
.. automodule:: d2l.torch
:members:
:imported-members:
```

Expand All @@ -35,7 +33,6 @@ As implementações dos seguintes membros do pacote `d2l` e seções onde eles s
.. automodule:: d2l.tensorflow
:members:
:imported-members:
```

Expand Down
2 changes: 1 addition & 1 deletion chapter_computer-vision/kaggle-dog.md
Original file line number Diff line number Diff line change
Expand Up @@ -358,7 +358,7 @@ def train(net, train_iter, valid_iter, num_epochs, lr, wd, devices, lr_period,
(metric[0] / metric[1], None))
if valid_iter is not None:
valid_loss = evaluate_loss(valid_iter, net, devices)
animator.add(epoch + 1, (None, valid_loss))
animator.add(epoch + 1, (None, valid_loss.detach().cpu()))
scheduler.step()
if valid_iter is not None:
print(f'train loss {metric[0] / metric[1]:.3f}, '
Expand Down
2 changes: 1 addition & 1 deletion chapter_linear-networks/linear-regression.md
Original file line number Diff line number Diff line change
Expand Up @@ -343,7 +343,7 @@ em vez de escrever *loops for* custosos em Python.**)
%matplotlib inline
from d2l import mxnet as d2l
import math
from mxnet import np
import numpy as np
import time
```

Expand Down
6 changes: 3 additions & 3 deletions setup.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,10 +3,10 @@

requirements = [
'jupyter==1.0.0',
'numpy==1.18.5',
'matplotlib==3.3.3',
'numpy==1.22.2',
'matplotlib==3.4',
'requests==2.25.1',
'pandas==1.2.2'
'pandas==1.2.4'
]

setup(
Expand Down
10 changes: 5 additions & 5 deletions static/build.yml
Original file line number Diff line number Diff line change
Expand Up @@ -4,10 +4,10 @@ dependencies:
- pip:
- .. # d2l
- git+https://github.com/d2l-ai/d2l-book
- mxnet-cu101==1.7.0
- torch==1.8.1+cu101
- mxnet-cu102==1.7.0
- torch==1.10.2+cu102
- -f https://download.pytorch.org/whl/torch_stable.html
- torchvision==0.9.1+cu101
- torchvision==0.11.3+cu102
- -f https://download.pytorch.org/whl/torch_stable.html
- tensorflow==2.3.1
- tensorflow-probability==0.11.1
- tensorflow==2.8.0
- tensorflow-probability==0.16.0

0 comments on commit 9908428

Please sign in to comment.