forked from Yale-LILY/LectureBank
-
Notifications
You must be signed in to change notification settings - Fork 0
/
vocabulary.txt
executable file
·1221 lines (1221 loc) · 22 KB
/
vocabulary.txt
1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
21
22
23
24
25
26
27
28
29
30
31
32
33
34
35
36
37
38
39
40
41
42
43
44
45
46
47
48
49
50
51
52
53
54
55
56
57
58
59
60
61
62
63
64
65
66
67
68
69
70
71
72
73
74
75
76
77
78
79
80
81
82
83
84
85
86
87
88
89
90
91
92
93
94
95
96
97
98
99
100
101
102
103
104
105
106
107
108
109
110
111
112
113
114
115
116
117
118
119
120
121
122
123
124
125
126
127
128
129
130
131
132
133
134
135
136
137
138
139
140
141
142
143
144
145
146
147
148
149
150
151
152
153
154
155
156
157
158
159
160
161
162
163
164
165
166
167
168
169
170
171
172
173
174
175
176
177
178
179
180
181
182
183
184
185
186
187
188
189
190
191
192
193
194
195
196
197
198
199
200
201
202
203
204
205
206
207
208
209
210
211
212
213
214
215
216
217
218
219
220
221
222
223
224
225
226
227
228
229
230
231
232
233
234
235
236
237
238
239
240
241
242
243
244
245
246
247
248
249
250
251
252
253
254
255
256
257
258
259
260
261
262
263
264
265
266
267
268
269
270
271
272
273
274
275
276
277
278
279
280
281
282
283
284
285
286
287
288
289
290
291
292
293
294
295
296
297
298
299
300
301
302
303
304
305
306
307
308
309
310
311
312
313
314
315
316
317
318
319
320
321
322
323
324
325
326
327
328
329
330
331
332
333
334
335
336
337
338
339
340
341
342
343
344
345
346
347
348
349
350
351
352
353
354
355
356
357
358
359
360
361
362
363
364
365
366
367
368
369
370
371
372
373
374
375
376
377
378
379
380
381
382
383
384
385
386
387
388
389
390
391
392
393
394
395
396
397
398
399
400
401
402
403
404
405
406
407
408
409
410
411
412
413
414
415
416
417
418
419
420
421
422
423
424
425
426
427
428
429
430
431
432
433
434
435
436
437
438
439
440
441
442
443
444
445
446
447
448
449
450
451
452
453
454
455
456
457
458
459
460
461
462
463
464
465
466
467
468
469
470
471
472
473
474
475
476
477
478
479
480
481
482
483
484
485
486
487
488
489
490
491
492
493
494
495
496
497
498
499
500
501
502
503
504
505
506
507
508
509
510
511
512
513
514
515
516
517
518
519
520
521
522
523
524
525
526
527
528
529
530
531
532
533
534
535
536
537
538
539
540
541
542
543
544
545
546
547
548
549
550
551
552
553
554
555
556
557
558
559
560
561
562
563
564
565
566
567
568
569
570
571
572
573
574
575
576
577
578
579
580
581
582
583
584
585
586
587
588
589
590
591
592
593
594
595
596
597
598
599
600
601
602
603
604
605
606
607
608
609
610
611
612
613
614
615
616
617
618
619
620
621
622
623
624
625
626
627
628
629
630
631
632
633
634
635
636
637
638
639
640
641
642
643
644
645
646
647
648
649
650
651
652
653
654
655
656
657
658
659
660
661
662
663
664
665
666
667
668
669
670
671
672
673
674
675
676
677
678
679
680
681
682
683
684
685
686
687
688
689
690
691
692
693
694
695
696
697
698
699
700
701
702
703
704
705
706
707
708
709
710
711
712
713
714
715
716
717
718
719
720
721
722
723
724
725
726
727
728
729
730
731
732
733
734
735
736
737
738
739
740
741
742
743
744
745
746
747
748
749
750
751
752
753
754
755
756
757
758
759
760
761
762
763
764
765
766
767
768
769
770
771
772
773
774
775
776
777
778
779
780
781
782
783
784
785
786
787
788
789
790
791
792
793
794
795
796
797
798
799
800
801
802
803
804
805
806
807
808
809
810
811
812
813
814
815
816
817
818
819
820
821
822
823
824
825
826
827
828
829
830
831
832
833
834
835
836
837
838
839
840
841
842
843
844
845
846
847
848
849
850
851
852
853
854
855
856
857
858
859
860
861
862
863
864
865
866
867
868
869
870
871
872
873
874
875
876
877
878
879
880
881
882
883
884
885
886
887
888
889
890
891
892
893
894
895
896
897
898
899
900
901
902
903
904
905
906
907
908
909
910
911
912
913
914
915
916
917
918
919
920
921
922
923
924
925
926
927
928
929
930
931
932
933
934
935
936
937
938
939
940
941
942
943
944
945
946
947
948
949
950
951
952
953
954
955
956
957
958
959
960
961
962
963
964
965
966
967
968
969
970
971
972
973
974
975
976
977
978
979
980
981
982
983
984
985
986
987
988
989
990
991
992
993
994
995
996
997
998
999
1000
probabilistic reasoning (bayesian networks)
alpha-beta
max-marginal
generative and discriminative models 2
bio tagging
spelling correction
automatic evaluation
co-reference
text categorization
syntaxnet
information extraction and named entity recognition
sentiment analysis
natural language generation
lambda calculus
recursive descent parsing
nlp and humor
generative sequence
highway networks
type raising
lesk algorithm
harmonic functions
variable scope
cosine measure
continuous bag of words
vietnamese
eisner first-order rules
decision boundary
bidirectional lstms
softmax regression
dialog systems
computer-aided translation
maximum entropy
informed search
distance metric
inference
large vocabulary
spectral methods
skip-gram model
natural language
n-gram model
neural turing machine
graph-based nlp
pos tagging
backward algorithm
synset
ptb
center embedding
cnn
directed graphical models
decision trees
bag-of-words
compositionality
heuristic search
chain rule
subcategorization
greedy search
character level language models
unigram
wsd
treebank grammar
adaptive splitting
graph-based
introduction to part of speech tagging
translation model
financial applications
flow graph
alternative syntactic formalisms
planning
k means
web-scale n-grams
tensorflow gotchas/debugging
markov
language modeling, syntax, parsing
class logistics
unsupervised learning
toolkits for information retrieval
cfg
logistic regression 2
bigram probabilities
computational phonology
post-processing
dependency grammar
wikification
regular expression
log-linear
maximum-entropy
natural language generation systems
log-likelihood
perplexity
dependency parsing
deep belief networks
carlo
pmi
miscellaneous projects
domain adaptation
classication
word embedding
max-pooling
phrase-based mt
placeholders and feed dictionaries
shallow semantic
event extraction
coreference
bias-variance tradeoff
noise contrastive estimation
ner
speech act
features and unification
caption generation
probabilistic grammars
phrase structure grammar
order polynomial
component analysis
hierarchical clustering
markov networks
infinite mixture model
multilingual word
standard pcfgs
future cost estimation
pca compression
theory of computation
probability model
pronoun resolution
computational psycholinguistics
sequence model
hidden variables
deep bidirectional
the noisy channel
language and linguistics
expectation-maximization (em) algorithm
lily projects
unknown words
transition-based dependency parsing
sparse bag-of-words
text generation
bilinear model
nave bayes
co-training
complex feature
glove visualizations
crawling the web
inference
loss function
singular value decomposition
feature engineering
skip-connections
window model
neural language modeling
maximum entropy model
score-based
feed-forward neural network
add-one
witten-bell
boolean
bidirectional rnn
entity linking
word sense
social media analysis
semi-supervised
upper string
perceptron
backprop
distriburonal
test set
recursive neural networks
feature learning
global linear models
dnn
context-free
nave-bayes
readability
crowdsourcing
named entity
monte carlo tree search
part-of-speech
cky parsing
bagging
dual problems
smoothing and interpolation
nlg architecture
affine gap
pragmatics, discourse, dialogue, applications
linear model
variable state
tag set
hinge loss
penn tree bank
content selection
morphology and lexicon
feed-forward
computational linguistics
pronominal anaphora
subgradient
matrix multiplication
markov decision processes
parts of speech
genetic algorithms
feature vector
ml
dirichlet process
verb phrase
machine learning
problem solving and search
mt
hidden markov models
sentence compression
marginal probabilities
tagging problem
word vector
speech recognition
introduction to word embeddings
linear models for classication
binarized
string edit
geoquery
pointwise mutual information
edge marginal
artificial neural network
long short term memory networks
corpus creation
predicate logic
cyk parser
unsupervised word
generative model
bio encoding for ner
gibbs sampling
distant supervision
landscape of ie tasks
neural network
natural language generation basics
overfitting
non-independence
regularization
tree-adjoining grammar
normaliza
models for classication
wordform
polish clusters
similarity modeling
deep learning tools
formal language thread
finite state transducers
boltzmann machine
computer vision
stemming
probabilistic language modeling
sequence tagging
frequentist
text classification
probabilistic fsa
compositionality through recursive matrix-vector
attention models
bracketing
modeling alignments
thematic roles
head annotation
monte carlo methods
wordnet hypernym
unlabeled data
constraint satisfaction
turing
turing test
classifier framework
cky algorithm
likelihood estimation
preprocessing
k-nn
emission probabilities
v/n ambiguity
intro to learning
quantier
first order logic
summarization
statistical mt
bottom-up parsing
learning from examples
unseen events
tag features
parsing and context-free grammars
k-means
two-layer
bayes theorem
other ai
structured perceptron
text similarity intro
maximum likelihood estimation
tag sequence
word embeddings
imagenet
good-turing smoothing
minimizabon
neural generation, dialogue systems
tensorflow variables
finite-state machines
parameter estimation
lsa
learning for hidden markov models
cuto
convolutional neural network
selectional association
stick-breaking representation
markov assumption
automatic summarization
nlp for historical texts
statistical parsing
net model
soft em
reranking
activation functions
differential calculus
linguistics
collocations
bag of word
nlp and bibliometrics
lm
syntactic divergences
face detection
structured learning
convolutional neural
log-linear model
hyponymy and hypernymy
bidirectional recurrent neural networks
pca
introduction to word sense disambiguation
tsp
propbank
gradient-based optimization
window size
simple model
probabilistic cky
python
cross-entropy
semantic analysis
classic parsing methods
machine translation basics
gaussian priors
ramp loss
feed dictionaries
generative and discriminative models 1
ibm model
twitter part-of-speech
nlp task
bayes classier
spectral clustering
chomsky normal form
one-to-one
mcmc
vauquois triangle
language acquisition
phrase-based model
denition
graphical model
joint model
sequence classification and conditional randomness
python basics
l2
softmax
logistic regression
l1
episodic memory
sbck-breaking
random walks
q learning
low-dimensional
dialogue systems
models for sequence
senses of bass in wordnet
trie data structure
emnlp
neural attention and memory
naive bayes
trigram viterbi
logreg
information extraction
shallow parsing
introduction to information retrieval
topic modeling
intro to communication and perception
selectional preference
principal component analysis
gibbs sampling algorithm
levenshtein distance
maximum likelihood
gibbs sampler
probabilistic cyk
plsa
shift-reduce
sentiment
dependency syntax
neural machine translation
automatic speech recognition
transition-based parsing
gated recurrent units
penn treebank
neural sentence representation
nlp resources
gaussians
nite
lexicography
parameterization
rm
grammar formalisms
entailment and paraphrasing
multiclass perceptron
conditional random fields
convolutional network
dqn
morphological disambiguation
bigram counts
theory of computation and grammars
parseval
random forest
examples of text classification
memory network
warm-up
recommendation system
word properties
syntax and semantics
information theory: codin
types and tokens
hmm tagger
supertagging
dirichlet
translation probabilities
sentence structure
text kernels
programming
data structures and computer science
network theory
bayes rule
synchronous context-free grammar
nlp datasets
skip-gram v.s
english syntax
miscellaneous topics
hidden markov model
shift-reduce parsers
linear interpolation
wsd as a learning
similarity measures
probabilistic modeling
introduction to nlp
probability
sentence boundary recognition
game playing
multiword
game playing in ai
exponential family
noun phrase
parse tree
neural networks (see topic 74)
mathematical models
dense windowed
discourse parsing
dimensionality reduction
phrase-based systems
dialogue generation
vector space
bottom-up
cyk chart
word type
introduction
phonetics
stack lstm
vector representations
finite-state transducer
matrix factorization
probability distributions
bottom-up search
normalization
search engine indexing
natural language generation: features and unification
markovization
context-free rule
authorship attribution
language modeling
text mining
pos ambiguity
sequence labeling
unary rules
neural mt
phrase based machine translation, evaluation
memm
introduction to network analysis
implementation trick
best-first search
innite
intermediate to surface
greedy best-first search
ambiguites
data likelihood
word class
berkeley restaurant corpus
arc-eager dependency
machine reading comprehension
cyk
nlp levels
neural probabilistic language model
context sensitive grammar
query expansion
entropy
word segmentation
automatic pos tagging
long short-term memory
evaluation of language modeling
unigram model
speech processing
radial basis function network
statistical part of speech tagging
sentiment treebank
knowledge graph
probabilistic context-free grammar
parsing issues
noisy-channel
softmax notes
viterbi algorithm
autonomous cars
coreference resolution
multiclass for sequences
raw bigram counts
ensemble learning
scientific article summarization
a search
bilexical
nonprojective
discourse analysis
pos tagger
introduction to classification
backward viterbi
decoding algorithm
first order logic (see topic 362)
grammar checker
methods used in nlp
hard-attention
applications of neural networks
chomsky hierarchy
finite state automata
practical issue
named entity recognition
constituent parse
word alignment
dependency tree
neural architectures, training neural networks
perceptron loss
non-terminal
other topics
kneser-ney smoothing
conditional entropy
torch units
first-order
language comprehension
recurrent neural networks
downsampling
hyperparameter
logic and reasoning
yarowsky algorithm
n-gram
introduction to support vector machines and kernels
bio encoding
adversarial search
neural machine
propositional logic
sentiment classification
natural language processing
introduction to artificial intelligence
maximum matching
robotics and autonomous cars
tagging model
image caption
raw bigram probabilities
introduction to dimensionality reduction
hmm recap
vanishing gradient
hierarchical dirichlet process
eisner algorithm
trigram model
latent variable
support vector machines and kernels
concentration parameter
feature function
named-entity recognition
nlp for the humanities
text classiers
lexicalized parsing
latent semantic indexing
score-based sp
unication
sentiment detection
second-order hmm
continuous bag
syntax
why is nlp hard?
natural language thread
merged node
linear regression
alphago
minibatch
knowledge representation
lling
textual entailment
multiclass classication
clustering 2
singular-value decomposition
statistical models
cky
nlp
human-robot interaction
structured prediction
pointer networks
treebank
log-linear tagger
graph convolutional networks
language semantics
cross-validation
rst
probabilistic language
constituent
lstm
markov chain
translation
pcfg
nn sequence parsing
state lattice
sparse bag-of-words features
question answering basics
document representation
evaluation metric
open domain
computation graph
event detection
formal language
phrase structure
top-down parsing
context-free grammar
sequence recurrence
spelling rules
ocr
raw bigram
interlingua-based
phrase-based translation
optical character recognition
graph theory
semantic parsing
convolution diagram
thesaurus-based similarity
statistical machine translation
state machine
particle filters
conjugate gradient
logistic regression 1
introduction to neural networks and deep learning
k-best
query modification
expected counts
principal component
tribute to cky
supersense
capsule networks
discourse structure
transfer learning
variational autoencoders
speech tagging
classicabon
lexical semantics
closure properties of regular languages
cooccurrence
collaborative filtering
classier
prepositional phrase attachment 3
generative adversarial networks
prepositional phrase attachment 1
bag of words model
qa
gradient descent
chinese restaurant process
crf
computational social science
dirichlet distribution
hidden state
multi-task learning
closed domain
question answering
vision
complete constituents
bleu
random process
introduction to ai
unsupervised content
backtrace
perceptrons algorithm
good-turing
abstract meaning representation
english tagset
ibm translation models
feature count cutoffs
bptt
hierarchical models
topics of this class
statistics and probability
citation networks
chu-liu-edmonds algorithm
feature representation
introduction to dependency parsing
linear algebra 2
linear algebra 1
manifold regularization
bag-of-bigrams features
tag-parsing intuitions
context-free grammars
evaluation
closed class
document ranking
language model
classification framework
english wikipedia
wikipedia
facial recognition systems
lexical entry
language thread
path feature
update rule
incomplete constituents
particle filter
clustering algorithm
deep trees
binary classication
linear sequence models
correlated topic modelling
max-margin
supervised learning methods
evaluation of information retrieval
furthest point
structured sparsity
cyk-style
agent-based view of ai
one-shot learning
semi-supervised learning
parsing algorithm
charniak parser
label propagation
binomial distribution
phonetics and speech
concentrabon
sources of ambiguity
paraphrasing
structure grammar
word representation
syntactic analysis
part-of-speech tags
language identification
intro to logic and logical agents
open and closed classes
uncertainty
topic model
maxent
neural summarization
chat bots
latent semantic analysis
topic intrusion
introduction to hidden markov models
long-term
language and complexity
probability theory
tensorflow session object
information ordering
markov model
bayes net
autoencoder
distribubon
anaphora resolution
probabilistic language model
digit recognition
compositional semantics
nlp tasks
intermediate level
maximum likelihood estimate
object detection
social network extraction
learning
cs
bigram
lexical ambiguity
dialogue manager
pos indicative
parsing
tag splits
part-of-speech tagging
cross entropy
iris data
prosody
deep learning
open class
introduction to semi supervised learning
gradient problem
bioinformatics methods
qa architecture and qa systems 1
recursive neural network
cognition and perception
tensorflow
question types
human coding
pcfg parsing
direct translation
trends over time
dialogue
approximate methods
search strategies
top-down
binary vector
learning problem
search
probabilities 2
hmm
probabilities 1
evaluation of dependency parsing
coherence and prosody
neural similarity
bayesian
co-reference resolution
dynamic skip-connections
phrase-based
finite-state models
markov chain monte carlo
bayesian network
variational bayes
physics methods
mle
phrase translation
add-one smoothing
multi-modal learning
parallel data
expectation maximization
penn tagset
pp attachment
optimization
tokenization
intrinsic evaluation
phrase pairs
bigram model
collins parser
dot product
feature structure
feature model
empirical risk minimization
word distributions
signicance
monte carlo
linear classier
bag-of-words features
negative sampling
selectional restrictions
speech
forward algorithm
re-entrancies
clustering 1
syntactic context
evaluation metrics
prerequisite mathematics
observed words
rhetorical structure theory
eciency
recurrent neural network
wordnet
latent dirichlet allocation
beam search
tree adjoining grammar
word clustering
ambiguous references
robotic locomotion
reestimation
classification
learning setting
parsing as search
noisy channel
basic data structures and algorithms
earley parsing
natural language interfaces
gibbs
bernoulli
re-estimation
huge web-scale n-grams
evaluation of question answering
chart parsing
grammar induction
continuous bag-of-bigrams features
dual decomposition
training data
word2vec
conditional random field
robotics
discourse model
text classification and feature selection
multiclass logistic regression
practical considerations of classification
discriminative model
expectation-maximization
morphology parsing
versus convolution
senseval/semeval
universal tag set
earley algorithm
knn
neural network language model
nlp for biology
lda model
mutual information
cross-serial dependencies
bootstrapping
information theory
viterbi
recurrent unit
meaning representation
summarization evaluation
backpropagation
neural language model
segmentalon
finite state machine
automated essay scoring
ccg
image captioning
open information extraction
neural question answering
good-turing reweighting
lda
part of speech tagging
kernel function
held-out
generative process
stick-breaking
qa architecture and qa systems 2
naclo problems on parsing
neural networks and deep learning
joint decoding
nlp tasks 2
semantic role
search engines
perceptron algorithm
syntactic parsing
logic and knowledge representation
prepositional phrase attachment 2
vector semantics
wordnet noun
backpointers
closure properties
machine translation
context-sensitive grammars
output gate
lexical head annotation
gmm
introduction and linguistics
search engine architecture
convex optimization
summarization 2
lexical acquisition
reinforcement learning
model applications
deep learning for nlp
summarization 3
conditional probability
model comparison
newton method
syntactic structure
gradient-based
data structure
distributional semantics
summarization 1
rnn
part of speech
supervised summarization
finite-state
smoothing and backoff
type-raising
unification
summarization 4
log-linear models
dense vectors
cbow
sequence segmentation
distributional clustering
natural language semantics
support vector machine
non-linearities
morphology and semantics in machine translation
regular expressions
tools for deep learning
joint probability
left recursion kills pure
introduction to finite state machines
pos-tagging
dependency parse
chinese restaurant
neural parsing
backpropagation through time
positive pmi
framenet
statistical inference
regular language
pointwise
affine gap distances
image retrieval