Skip to content

Commit 38a94d5

Browse files
author
Svetlana Karslioglu
committed
Update
1 parent 675e9e4 commit 38a94d5

10 files changed

+499
-96
lines changed

.pyspelling.yml

Lines changed: 17 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -2,7 +2,8 @@ spellchecker: aspell
22
matrix:
33
- name: python
44
sources:
5-
#- beginner_source/*.py
5+
- beginner_source/*.py
6+
- intermediate_source/*.py
67
#- intermediate_source/autograd_saved_tensors_hooks_tutorial.py
78
#- intermediate_source/ax_multiobjective_nas_tutorial.py
89
#- intermediate_source/char_rnn_classification_tutorial.py
@@ -23,7 +24,14 @@ matrix:
2324
#- intermediate_source/parametrizations.py
2425
#- intermediate_source/per_sample_grads.py
2526
#- intermediate_source/pipeline_tutorial.py
26-
- intermediate_source/pruning_tutorial.py
27+
#- intermediate_source/pruning_tutorial.py
28+
#- intermediate_source/reinforcement_ppo.py
29+
#- intermediate_source/reinforcement_q_learning.py
30+
#- intermediate_source/scaled_dot_product_attention_tutorial.py
31+
#- intermediate_source/seq2seq_translation_tutorial.py
32+
#- intermediate_source/spatial_transformer_tutorial.py
33+
#- intermediate_source/tensorboard_profiler_tutorial.py
34+
#- intermediate_source/torch_compile_tutorial.py
2735
dictionary:
2836
wordlists:
2937
- en-wordlist.txt
@@ -36,9 +44,16 @@ matrix:
3644
# Exclude figure rST tags
3745
- open: '\.\.\s+(figure|literalinclude|math|image|grid)::'
3846
close: '\n'
47+
# Exclude roles:
48+
- open: ':(?:(class|py:mod|mod|func)):`'
49+
content: '[^`]*'
50+
close: '`'
3951
# Exclude raw directive
4052
- open: '\.\. (raw)::.*$\n*'
4153
close: '\n'
54+
# Exclude
55+
- open: '.*(:py:mod:).*'
56+
close: ' '
4257
# Exclude Python coding directives
4358
- open: '-\*- coding:'
4459
close: '\n'

1

Lines changed: 341 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,341 @@
1+
Andrej
2+
Karpathy's
3+
NanoGPT
4+
compilable
5+
decorrelated
6+
DQN
7+
deterministically
8+
approximators
9+
duration
10+
CartPole
11+
EPS
12+
APIs
13+
Args
14+
Autograd
15+
BCE
16+
BN
17+
BOS
18+
Bahdanau
19+
BatchNorm
20+
CHW
21+
CIFAR
22+
CLS
23+
CNNDM
24+
CNNs
25+
CPUs
26+
CUDA
27+
Cayley
28+
Chatbots
29+
Colab
30+
Conv
31+
ConvNet
32+
ConvNets
33+
DCGAN
34+
DCGANs
35+
DDQN
36+
DNN
37+
DataLoaders
38+
DeepMind
39+
DeiT
40+
DenseNet
41+
EOS
42+
FC
43+
FGSM
44+
FLAVA
45+
FX
46+
FX's
47+
FloydHub
48+
FloydHub's
49+
Frobenius
50+
GAE
51+
GAN
52+
GANs
53+
GPU's
54+
GPUs
55+
GRU
56+
GRUs
57+
GTC
58+
GeForce
59+
Goodfellow
60+
Goodfellow’s
61+
GreedySearchDecoder
62+
HVP
63+
Hugging Face
64+
IMDB
65+
ImageNet
66+
Initializations
67+
Iteratively
68+
JSON
69+
JVP
70+
Jacobian
71+
Kiuk
72+
Kubernetes
73+
Kuei
74+
LSTM
75+
LSTMs
76+
LeCun
77+
LeNet
78+
LeakyReLU
79+
LeakyReLUs
80+
Lipschitz
81+
Lua
82+
Luong
83+
MLP
84+
MLPs
85+
MNIST
86+
Mypy
87+
NAS
88+
NCHW
89+
NES
90+
NLP
91+
NTK
92+
NaN
93+
NeurIPS
94+
NumPy
95+
Numericalization
96+
Numpy's
97+
OpenAI
98+
PPO
99+
Plotly
100+
Prec
101+
Profiler
102+
PyTorch's
103+
RGB
104+
RL
105+
RNN
106+
RNNs
107+
RPC
108+
RTX
109+
Radford
110+
ReLU
111+
ResNet
112+
SPD
113+
SST2
114+
Sequentials
115+
Sigmoid
116+
SoTA
117+
TPU
118+
TensorBoard
119+
TextVQA
120+
Tokenization
121+
TorchMultimodal
122+
TorchRL
123+
TorchRL's
124+
TorchScript
125+
TorchX
126+
Tunable
127+
Unescape
128+
VQA
129+
Wikitext
130+
Xeon
131+
accuracies
132+
activations
133+
adversarially
134+
al
135+
autodiff
136+
autograd
137+
backend
138+
backends
139+
backprop
140+
backpropagate
141+
backpropagated
142+
backpropagates
143+
backpropagation
144+
batchnorm
145+
batchnorm's
146+
benchmarking
147+
boolean
148+
broadcasted
149+
cardinality
150+
chatbot
151+
chatbot's
152+
checkpointing
153+
composable
154+
concat
155+
config
156+
contrastive
157+
conv
158+
convolutional
159+
cpu
160+
csv
161+
cuDNN
162+
datafile
163+
dataframe
164+
dataloader
165+
dataloaders
166+
datapipes
167+
dataset
168+
datasets
169+
dataset’s
170+
deserialize
171+
deserialized
172+
dimensionality
173+
dir
174+
downsample
175+
downsamples
176+
embeddings
177+
encodings
178+
ensembling
179+
eq
180+
et
181+
evaluateInput
182+
extensibility
183+
fastai
184+
fbgemm
185+
feedforward
186+
finetune
187+
finetuning
188+
fp
189+
functorch
190+
fuser
191+
geomean
192+
grayscale
193+
hardcode
194+
helpdesk
195+
helpdesks
196+
hessian
197+
hessians
198+
hvp
199+
hyperparameter
200+
hyperparameters
201+
imagenet
202+
initializations
203+
inlined
204+
interpretable
205+
io
206+
iterable
207+
iteratively
208+
jacobian
209+
jacobians
210+
jit
211+
jpg
212+
kwargs
213+
labelled
214+
learnable
215+
learnings
216+
loadFilename
217+
manualSeed
218+
matplotlib
219+
minibatch
220+
minibatches
221+
minimax
222+
misclassification
223+
misclassified
224+
modularity
225+
modularized
226+
multihead
227+
multimodal
228+
multimodality
229+
multiobjective
230+
multiprocessed
231+
multithreaded
232+
namespace
233+
natively
234+
ndarrays
235+
num
236+
numericalize
237+
numpy
238+
nvFuser
239+
nvFuser's
240+
optimizable
241+
optimizer's
242+
optimizers
243+
overfitting
244+
parallelizable
245+
parallelization
246+
parametrization
247+
parametrizations
248+
parametrized
249+
parametrizing
250+
perceptibility
251+
pipelining
252+
pointwise
253+
precompute
254+
precomputing
255+
prepend
256+
preprocess
257+
preprocessing
258+
prepruned
259+
prespecified
260+
pretrained
261+
prewritten
262+
primals
263+
profiler
264+
profilers
265+
pytorch
266+
quantized
267+
quantizing
268+
queryable
269+
randint
270+
readably
271+
recomputation
272+
reimplement
273+
reimplementing
274+
reimplements
275+
reinitializes
276+
relu
277+
reproducibility
278+
rescale
279+
resnet
280+
restride
281+
rewinded
282+
rollout
283+
romanized
284+
runnable
285+
runtime
286+
runtime
287+
runtimes
288+
scalable
289+
softmax
290+
sparsify
291+
specificities
292+
src
293+
stacktrace
294+
stateful
295+
storages
296+
strided
297+
subclasses
298+
subclassing
299+
subdirectories
300+
submodule
301+
submodules
302+
subnetworks
303+
subreddit
304+
summarization
305+
tanh
306+
th
307+
thresholding
308+
timestep
309+
timesteps
310+
tokenization
311+
tokenize
312+
tokenizer
313+
topologies
314+
torchaudio
315+
torchdata
316+
torchscriptable
317+
torchtext
318+
torchtext's
319+
torchvision
320+
torchviz
321+
traceback
322+
tradeoff
323+
tradeoffs
324+
uncomment
325+
uncommented
326+
unfused
327+
unimodal
328+
unnormalized
329+
unparametrized
330+
unpickling
331+
unpruned
332+
updation
333+
utils
334+
vectorization
335+
vectorize
336+
vectorized
337+
vhp
338+
voc
339+
walkthrough
340+
warmstart
341+
warmstarting

0 commit comments

Comments
 (0)