-
Notifications
You must be signed in to change notification settings - Fork 15
/
Copy pathresources-v2022-extra.tsv
We can't make this file beautiful and searchable because it's too large.
5002 lines (5002 loc) · 844 KB
/
resources-v2022-extra.tsv
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
id title url topic_name topic_id author medium venue year
23 Advanced Dynamic Programming in CL: Theory, Algorithms, and Applications http://web.engr.oregonstate.edu/~huanlian/slides/COLING-tutorial-anim.pdf NULL NULL Liang Huang Tutorials Venue Unknown 2008
116 The Logic of AMR https://github.com/nschneid/amr-tutorial/blob/master/slides/AMR-TUTORIAL-FULL.pdf NULL NULL Nathan Schneider, Jeff Flanigan, Tim O'Gorman Tutorials Venue Unknown 2016
136 Natural Language Processing Tools for the Digital Humanities http://nlp.stanford.edu/~manning/courses/DigitalHumanities/DH2011-Manning.pdf NULL NULL Christopher Manning Tutorials Venue Unknown 2011
171 Introduction to Webometrics: Quantitative Web Research for the Social Sciences https://www.morganclaypool.com/doi/abs/10.2200/S00176ED1V01Y200903ICR004 NULL NULL Michael Thelwall Surveys Venue Unknown 2008
203 Automated Text summarization http://www.isi.edu/~marcu/acl-tutorial.ppt NULL NULL Eduard Hovy, Daniel Marcu Tutorials Venue Unknown 1998
204 Structured Belief Propagation for NLP http://www.cs.cmu.edu/~mgormley/bp-tutorial/bp-tutorial.pptx NULL NULL Matthew R. Gormley & Jason Eisner Tutorials Venue Unknown 2015
205 Successful Data Mining Methods for NLP http://hanj.cs.illinois.edu/slides/dmnlp15.pptx NULL NULL Jiawei Han, Heng Ji, Yizhou Sun Tutorials Venue Unknown 2015
206 Competitive Grammar Writing https://www.cs.jhu.edu/~jason/papers/eisner+smith.tnlp08.ppt NULL NULL Jason Eisner, Noah A. Smith Tutorials Venue Unknown 2008
207 Memory Networks for Language Understanding http://www.thespermwhale.com/jaseweston/icml2016/icml2016-memnn-tutorial.pdf NULL NULL Jason Weston Tutorials Venue Unknown 2016
210 Scalable Large-Margin Structured Learning: Theory and Algorithms http://www.aclweb.org/anthology/P14-6002 NULL NULL Liang Huang, Kai Zhao, Lemao Liu Tutorials Venue Unknown 2014
229 The Heads and Tails of Huffman http://www.nacloweb.org/resources/problems/2013/N2013-C.pdf NULL NULL John DeNero NACLO Problems Venue Unknown 2013
234 A Tree by Any Other Name http://www.nacloweb.org/resources/problems/2013/N2013-N.pdf NULL NULL John DeNero NACLO Problems Venue Unknown 2013
312 Domain Adaptation http://adaptationtutorial.blitzer.com/ NULL NULL John Blitzer, Hal Daume Tutorials ICML 2010
337 Convex Optimization: Algorithms and Complexity https://arxiv.org/abs/1405.4980 NULL NULL Sebastien Bubeck Surveys Foundations and Trends in Machine Learning 2015
342 Matrices in Engineering Problems http://www.dblab.ntua.gr/~gtsat/collection/Morgan%20Claypool/s00352ed1v01y201105mas010.pdf NULL NULL Marvin J. Tobias Surveys Venue Unknown 2011
712 FastText https://research.fb.com/projects/fasttext/ NULL NULL Piotr Bojanowski, Edouard Grave, Armand Joulin, Tomas Mikolov, Armand Joulin Libraries Venue Unknown 2016
971 University of South Florida Free Association Norms http://w3.usf.edu/FreeAssociation/ NULL NULL Douglas L. Nelson, Cathy L. McEvoy, Thomas A. Schreiber Corpora Venue Unknown 1998
1888 Three Sins of Authors in Computer Science and Math http://www.cs.cmu.edu/~jrs/sins.html NULL NULL Jonathan Shewchuk Tutorials Venue Unknown 1996
1889 Giving an Academic Talk http://www.cs.berkeley.edu/~jrs/speaking.html NULL NULL Jonathan Shewchuk Tutorials Venue Unknown 1996
2880 Graph Search Algorithms https://cs.stanford.edu/people/abisee/gs.pdf NULL NULL Steve Mussmann and Abi See Tutorials Venue Unknown 2017
2899 Intro to RST: Rhetorical Structure Theory https://www.sfu.ca/rst/pdfs/RST_Introduction.pdf NULL NULL Maite Taboada and Manfred Stede Tutorials Venue Unknown 2009
3280 Diffbot PHP API https://github.com/Swader/diffbot-php-client NULL NULL Bruno Kvorc Libraries Github 2017
3283 Financial News Dataset from Bloomberg and Reuters https://github.com/philipperemy/financial-news-dataset NULL NULL Philippe R?my Corpora Github 2017
3284 Thai Natural Language Processing (Thai NLP) Resources https://github.com/kobkrit/nlp_thai_resources NULL NULL Kobkrit Viriyayudhakorn Libraries Github 2017
3286 Automated Hate Speech Detection and the Problem of Offensive Language https://github.com/t-davidson/hate-speech-and-offensive-language NULL NULL Tom Davidson Libraries Github 2017
3288 News-please: Interactive web news crawler https://github.com/fhamborg/news-please NULL NULL Felix Hamborg Libraries Github 2017
6220 Einsum is all you need - Einstein Summation in Deep Learning https://rockt.github.io/2018/04/30/einsum NULL NULL Tim Rocktäschel Tutorials GitHub 2018
6250 NeuroNLP: Deep neural models for core NLP tasks based on Pytorch https://github.com/XuezheMax/NeuroNLP2 NULL NULL Max Ma Libraries GitHub 2018
6341 Confidence Intervals and Hypothesis Testing http://idiom.ucsd.edu/~rlevy/pmsl_textbook/chapters/pmsl_5.pdf NULL NULL Roger Levy Tutorials UCSD 2012
6344 Mathematics Notation and Overview http://idiom.ucsd.edu/~rlevy/pmsl_textbook/chapters/pmsl_10.pdf NULL NULL Roger Levy Tutorials UCSD 2012
6345 More Probability Distributions and Related Mathematical Constructs http://idiom.ucsd.edu/~rlevy/pmsl_textbook/chapters/pmsl_11.pdf NULL NULL Roger Levy Tutorials UCSD 2012
6385 Adversarial Machine Learning Tutorial https://aaai18adversarial.github.io/slides/AML.pptx NULL NULL Yevgeniy Vorobeychik Tutorials GitHub 2018
6386 Secure Learning in Adversarial Deep Learning Networks https://aaai18adversarial.github.io/slides/bo_aaai18.pdf NULL NULL Bo Li Tutorials GitHub 2018
6420 How to Visualize a Deep Learning Neural Network Model in Keras https://machinelearningmastery.com/visualize-deep-learning-neural-network-model-keras/ NULL NULL Jason Brownlee Tutorials Venue Unknown 2017
6427 Hello Word Program In Tensorflow with RNN https://buzzrobot.com/hello-word-program-in-tensorflow-eb4b607e197c NULL NULL Parth Vadhadiya Resources Venue Unknown 2018
6440 An applied introduction to generative adversarial networks https://www.oreilly.com/ideas/an-applied-introduction-to-generative-adversarial-networks NULL NULL Ankur Patel Tutorials O'Reilly 2017
6839 Imbalanced Data and Reductions http://www.cs.umd.edu/class/spring2018/cmsc422-0101/slides0201/lecture_09.pdf NULL NULL Furong Huang Lectures UMD 2018
8342 Graphical models and variational methods: Message-passing, convex relaxations, and all that https://people.eecs.berkeley.edu/~wainwrig/icml08/Wainwright_ICML08.pdf NULL NULL Martin Wanwright Tutorials ICML08 2018
8344 Graphical Models http://pages.cs.wisc.edu/~jerryzhu/pub/ZhuKDD12.pdf NULL NULL Xiaojin Zhu Tutorials KDD 2012 2012
8522 Networks, Reinforcement, Relational, Recurrent, Learning https://www.cl.cam.ac.uk/~pv273/slides/MILA-RN.pdf NULL NULL Petar Velickovic Tutorials MILA Graph Representation Reading Group Meeting 1800
8686 How to Configure the Number of Layers and Nodes in a Neural Network https://machinelearningmastery.com/how-to-configure-the-number-of-layers-and-nodes-in-a-neural-network/ NULL NULL Jason Brownlee Resources Machine Learning Mastery 2018
8769 Deep Latent Factor Models and Variational Inference with Backprop https://towardsdatascience.com/deep-latent-factor-models-and-variational-inference-with-backprop-89d4aae0fe34 NULL NULL Semih Akbayrak Resources Towards Data Science 2018
10777 Neural Machine Translation with Attention | TensorFlow Core 2.0a | TensorFlow https://www.tensorflow.org/alpha/tutorials/text/nmt_with_attention NULL NULL NULL NULL
10781 Introduction to Natural Language Processing (NLP) and Bias in AI https://towardsdatascience.com/introduction-to-natural-language-processing-nlp-and-bias-in-ai-877d3f3ee680 NULL NULL NULL 2019
10782 Implementing different variants of Gradient Descent Optimization Algorithm in Python using Numpy https://hackernoon.com/implementing-different-variants-of-gradient-descent-optimization-algorithm-in-python-using-numpy-809e7ab3bab4 NULL NULL NULL 2019
10783 Text Generation Using Recurrent Neural Networks – Towards Data Science https://towardsdatascience.com/text-generation-using-rnns-fdb03a010b9f NULL NULL NULL 2018
10784 An overview of proxy-label approaches for semi-supervised learning http://ruder.io/semi-supervised/ NULL NULL NULL 2018
10785 Hyperparameter optimization in python. Part 1: Scikit-Optimize. https://towardsdatascience.com/hyperparameter-optimization-in-python-part-1-scikit-optimize-754e485d24fe NULL NULL NULL 2019
10786 Extracting knowledge from knowledge graphs using Facebook Pytorch BigGraph. https://towardsdatascience.com/extracting-knowledge-from-knowledge-graphs-e5521e4861a0 NULL NULL NULL 2019
10787 How Self-Attention with Relative Position Representations works https://medium.com/@_init_/how-self-attention-with-relative-position-representations-works-28173b8c245a NULL NULL NULL 2019
10788 Introduction to Natural Language Processing for Text https://towardsdatascience.com/introduction-to-natural-language-processing-for-text-df845750fb63 NULL NULL NULL 2018
10789 Summarization — OpenNMT-py documentation http://opennmt.net/OpenNMT-py/Summarization.html NULL NULL NULL NULL
10790 The Complete Guide to Decision Trees – Towards Data Science https://towardsdatascience.com/the-complete-guide-to-decision-trees-28a4e3c7be14 NULL NULL NULL 2019
10860 403 Forbidden https://www.topbots.com/deconstructing-bert-part-1/ NULL NULL NULL NULL
10861 403 Forbidden https://www.topbots.com/deconstructing-bert-part-2/ NULL NULL NULL NULL
10862 403 Forbidden https://www.topbots.com/openai-gpt-2-visualization/ NULL NULL Tutorials NULL
10863 GPT-2: How to Build "The AI That's Too Dangerous to Release” https://blog.floydhub.com/gpt2/ NULL NULL NULL 2019
10864 Google's Natural Questions https://ai.google.com/research/NaturalQuestions/leaderboard NULL NULL NULL NULL
10865 GLUE Benchmark https://gluebenchmark.com/leaderboard NULL NULL NULL NULL
10866 AI2 Leaderboard https://leaderboard.allenai.org/arc/submissions/public NULL NULL NULL NULL
10867 Spider: Yale Semantic Parsing and Text-to-SQL Challenge https://yale-lily.github.io/spider NULL NULL NULL NULL
10870 MS MARCO - Leaderboard http://www.msmarco.org/leaders.aspx NULL NULL NULL NULL
10872 Tracking the Progress in Natural Language Processing http://ruder.io/tracking-progress-nlp/ NULL NULL NULL 2018
10873 Question answering | NLP-progress http://nlpprogress.com/english/question_answering.html NULL NULL NULL NULL
10874 Question Answering in Context https://quac.ai/ NULL NULL NULL NULL
10875 Leaderboard | tau-nlp https://www.tau-nlp.org/csqa-leaderboard NULL NULL NULL NULL
10876 SEMPRE: Semantic Parsing with Execution https://nlp.stanford.edu/software/sempre/ NULL NULL NULL NULL
10879 decaNLP https://decanlp.com/ NULL NULL NULL NULL
10880 CodaLab Worksheets https://worksheets.codalab.org/worksheets/0xba659fe363cb46e7a505c5b6a774dc8a/ NULL NULL NULL NULL
10881 Fact Extraction and VERification http://fever.ai/task.html NULL NULL NULL NULL
10882 Fake News Challenge http://www.fakenewschallenge.org/ NULL NULL NULL NULL
10883 MultiNLI https://www.nyu.edu/projects/bowman/multinli/ NULL NULL NULL NULL
10885 2018 Duolingo Shared Task on Second Language Acquisition Modeling (SLAM) http://sharedtask.duolingo.com/ NULL NULL NULL NULL
10887 AI2 Leaderboard https://leaderboard.allenai.org/ NULL NULL NULL NULL
10889 AI2 Leaderboard https://leaderboard.allenai.org/arc_easy/submissions/public NULL NULL NULL NULL
10890 AI2 Leaderboard https://leaderboard.allenai.org/open_book_qa/submissions/public NULL NULL NULL NULL
10891 AI2 Leaderboard https://leaderboard.allenai.org/propara/submissions/public NULL NULL NULL NULL
10892 AI2 Leaderboard https://leaderboard.allenai.org/scitail/submissions/public NULL NULL NULL NULL
10893 AI2 Leaderboard https://leaderboard.allenai.org/swag/submissions/public NULL NULL NULL NULL
10894 ATOMIC Knowledge Graph Browser https://homes.cs.washington.edu/~msap/atomic/ NULL NULL NULL NULL
10895 Another Twitter sentiment analysis with Python — Part 11 (CNN + Word2Vec) https://towardsdatascience.com/another-twitter-sentiment-analysis-with-python-part-11-cnn-word2vec-41f5e28eda74 NULL NULL NULL 2018
10896 Causal Inference 3: Counterfactuals https://www.inference.vc/causal-inference-3-counterfactuals/ NULL NULL NULL NULL
10897 An Overview of Categorical Input Handling for Neural Networks https://towardsdatascience.com/an-overview-of-categorical-input-handling-for-neural-networks-c172ba552dee NULL NULL NULL 2019
10898 The Poisson Distribution and Poisson Process Explained https://towardsdatascience.com/the-poisson-distribution-and-poisson-process-explained-4e2cb17d459 NULL NULL NULL 2019
10899 Building an Efficient Neural Language Model Over a Billion Words - Facebook Research https://research.fb.com/building-an-efficient-neural-language-model-over-a-billion-words/ NULL NULL NULL NULL
10900 Think your Data Different - Taboola Tech Blog https://engineering.taboola.com/think-data-different/ NULL NULL NULL NULL
10901 Predicting Probability Distributions Using Neural Networks - Taboola Tech Blog https://engineering.taboola.com/predicting-probability-distributions/ NULL NULL NULL NULL
10902 Monte Carlo Simulations with Python (Part 1) – Towards Data Science https://towardsdatascience.com/monte-carlo-simulations-with-python-part-1-f5627b7d60b0 NULL NULL NULL 2019
10903 Overview of DGL — DGL 0.2 documentation https://docs.dgl.ai/ NULL NULL NULL NULL
10904 Are BERT Features InterBERTible? – TheLocalMinima – Medium https://medium.com/thelocalminima/are-bert-features-interbertible-250a91eb9dc NULL NULL NULL 2019
10905 Deep Autoencoders For Collaborative Filtering – Towards Data Science https://towardsdatascience.com/deep-autoencoders-for-collaborative-filtering-6cf8d25bbf1d NULL NULL NULL 2018
10906 StanfordNLP - Python NLP Library for Many Human Languages | StanfordNLP https://stanfordnlp.github.io/stanfordnlp/ NULL NULL NULL NULL
10907 GitHub - unit8co/vegans: A library providing various existing GANs in PyTorch. https://github.com/unit8co/vegans NULL NULL NULL NULL
10908 GitHub - dmis-lab/biobert: BioBERT: a pre-trained biomedical language representation model for biomedical text mining https://github.com/dmis-lab/biobert NULL NULL NULL NULL
10910 403 Forbidden https://www.topbots.com/most-important-ai-nlp-research/ NULL NULL NULL NULL
10911 GitHub - EdinburghNLP/XSum: Topic-Aware Convolutional Neural Networks for Extreme Summarization https://github.com/EdinburghNLP/XSum NULL NULL NULL NULL
10912 GitHub - rohithreddy024/Text-Summarizer-Pytorch: Pytorch implementation of "A Deep Reinforced Model for Abstractive Summarization" paper and pointer generator network https://github.com/rohithreddy024/Text-Summarizer-Pytorch NULL NULL NULL NULL
10913 Understanding Recurrent Neural Networks (RNNs) from Scratch https://www.analyticsvidhya.com/blog/2019/01/fundamentals-deep-learning-recurrent-neural-networks-scratch-python/ NULL NULL NULL 2019
10914 GitHub - spyysalo/s800: Tools for working with the S800 corpus https://github.com/spyysalo/s800 NULL NULL NULL NULL
10915 GitHub - acohan/long-summarization: Resources for the NAACL 2018 paper "A Discourse-Aware Attention Model for Abstractive Summarization of Long Documents" https://github.com/acohan/long-summarization NULL NULL NULL NULL
10918 GitHub - huggingface/100-times-faster-nlp: https://github.com/huggingface/100-times-faster-nlp NULL NULL NULL NULL
10920 GitHub - krishnaik06/Dimesnsionality-Reduction https://github.com/krishnaik06/Dimesnsionality-Reduction NULL NULL NULL NULL
10921 A Complete View of Decision Trees and SVM in Machine Learning https://towardsdatascience.com/a-complete-view-of-decision-trees-and-svm-in-machine-learning-f9f3d19a337b NULL NULL NULL 2019
10922 Your Guide to Natural Language Processing (NLP) – Towards Data Science https://towardsdatascience.com/your-guide-to-natural-language-processing-nlp-48ea2511f6e1 NULL NULL NULL 2019
10923 This Is How Twitter Sees The World : Sentiment Analysis Part One https://towardsdatascience.com/the-real-world-as-seen-on-twitter-sentiment-analysis-part-one-5ac2d06b63fb NULL NULL NULL 2018
10924 Implementing Naive Bayes for Sentiment Analysis in Python https://medium.com/datadriveninvestor/implementing-naive-bayes-for-sentiment-analysis-in-python-951fa8dcd928 NULL NULL NULL 2019
10925 Must-Read NLP Tutorial on Neural Machine Translation (Powering Google) https://www.analyticsvidhya.com/blog/2019/01/neural-machine-translation-keras/ NULL NULL NULL 2019
10926 Beyond DQN/A3C: A Survey in Advanced Reinforcement Learning https://towardsdatascience.com/advanced-reinforcement-learning-6d769f529eb3 NULL NULL NULL 2018
10928 Neural Machine Translation with Attention Using PyTorch https://medium.com/dair-ai/neural-machine-translation-with-attention-using-pytorch-a66523f1669f NULL NULL NULL 2019
10929 GitHub - omarsar/pytorch_neural_machine_translation_attention: Neural Machine Translation with Attention (PyTorch) https://github.com/omarsar/pytorch_neural_machine_translation_attention NULL NULL NULL NULL
10930 Hallo multilingual BERT, co?mo funcionas? – omni:us – Medium https://medium.com/omnius/hallo-multilingual-bert-c%C3%B3mo-funcionas-2b3406cc4dc2 NULL NULL NULL 2019
10931 bert/multilingual.md at master · google-research/bert · GitHub https://github.com/google-research/bert/blob/master/multilingual.md NULL NULL NULL NULL
10932 LASER/data/tatoeba/v1 at master · facebookresearch/LASER · GitHub https://github.com/facebookresearch/LASER/tree/master/data/tatoeba/v1 NULL NULL NULL NULL
10933 LASER/tasks/mldoc at master · facebookresearch/LASER · GitHub https://github.com/facebookresearch/LASER/tree/master/tasks/mldoc NULL NULL NULL NULL
10934 LASER/tasks/xnli at master · facebookresearch/LASER · GitHub https://github.com/facebookresearch/LASER/tree/master/tasks/xnli NULL NULL NULL NULL
10935 LASER/tasks/similarity at master · facebookresearch/LASER · GitHub https://github.com/facebookresearch/LASER/tree/master/tasks/similarity NULL NULL NULL NULL
10936 LASER/tasks/embed at master · facebookresearch/LASER · GitHub https://github.com/facebookresearch/LASER/tree/master/tasks/embed NULL NULL NULL NULL
10937 LASER/tasks/bucc at master · facebookresearch/LASER · GitHub https://github.com/facebookresearch/LASER/tree/master/tasks/bucc NULL NULL NULL NULL
10939 Papers With Code : Machine Translation https://paperswithcode.com/task/machine-translation NULL NULL NULL NULL
10940 Papers With Code : Unsupervised Machine Translation https://paperswithcode.com/task/unsupervised-machine-translation NULL NULL NULL NULL
10944 Papers With Code : Language Modelling https://paperswithcode.com/task/language-modeling NULL NULL NULL NULL
10946 Papers With Code : Question Answering https://paperswithcode.com/task/question-answering NULL NULL NULL NULL
10947 Papers With Code : Open-Domain Question Answering https://paperswithcode.com/task/open-domain-question-answering NULL NULL NULL NULL
10948 Papers With Code : Answer Selection https://paperswithcode.com/task/answer-selection NULL NULL NULL NULL
10949 Papers With Code : Community Question Answering https://paperswithcode.com/task/community-question-answering NULL NULL NULL NULL
10953 Papers With Code : Twitter Sentiment Analysis https://paperswithcode.com/task/twitter-sentiment-analysis NULL NULL NULL NULL
10954 Papers With Code : Aspect-Based Sentiment Analysis https://paperswithcode.com/task/aspect-based-sentiment-analysis NULL NULL NULL NULL
10955 Papers With Code : Fine-Grained Opinion Analysis https://paperswithcode.com/task/fine-grained-opinion-analysis NULL NULL NULL NULL
10956 Papers With Code : Text Generation https://paperswithcode.com/task/text-generation NULL NULL NULL NULL
10957 Papers With Code : Dialogue Generation https://paperswithcode.com/task/dialogue-generation NULL NULL NULL NULL
10959 Papers With Code : Paraphrase Generation https://paperswithcode.com/task/paraphrase-generation NULL NULL NULL NULL
10963 Papers With Code : Natural Language Inference https://paperswithcode.com/task/natural-language-inference NULL NULL NULL NULL
10965 Papers With Code : Reading Comprehension https://paperswithcode.com/task/reading-comprehension NULL NULL NULL NULL
10967 Papers With Code : Named Entity Recognition (NER) https://paperswithcode.com/task/named-entity-recognition NULL NULL NULL NULL
10969 Papers With Code : Named Entity Recognition In Vietnamese https://paperswithcode.com/task/named-entity-recognition-in-vietnamese NULL NULL NULL NULL
10971 Papers With Code : Abstractive Text Summarization https://paperswithcode.com/task/abstractive-text-summarization NULL NULL NULL NULL
10972 Papers With Code : Text Summarization https://paperswithcode.com/task/text-summarization NULL NULL NULL NULL
10973 Papers With Code : Document Summarization https://paperswithcode.com/task/document-summarization NULL NULL NULL NULL
10974 Papers With Code : Multi-Document Summarization https://paperswithcode.com/task/multi-document-summarization NULL NULL NULL NULL
10975 Papers With Code : Extractive Document Summarization https://paperswithcode.com/task/extractive-document-summarization NULL NULL NULL NULL
10977 Papers With Code : Sentence Embeddings https://paperswithcode.com/task/sentence-embeddings NULL NULL NULL NULL
10979 Papers With Code : Phrase Grounding https://paperswithcode.com/task/phrase-grounding NULL NULL NULL NULL
10981 Papers With Code : Sentence Compression https://paperswithcode.com/task/sentence-compression NULL NULL NULL NULL
10982 Papers With Code : Dependency Parsing https://paperswithcode.com/task/dependency-parsing NULL NULL NULL NULL
10986 Papers With Code : Semantic Parsing https://paperswithcode.com/task/semantic-parsing NULL NULL NULL NULL
10987 Papers With Code : Semantic Textual Similarity https://paperswithcode.com/task/semantic-textual-similarity NULL NULL NULL NULL
10991 Papers With Code : Goal-Oriented Dialog https://paperswithcode.com/task/goal-oriented-dialog NULL NULL NULL NULL
10992 Papers With Code : Task-Oriented Dialogue Systems https://paperswithcode.com/task/task-oriented-dialogue-systems NULL NULL NULL NULL
10995 Papers With Code : Part-Of-Speech Tagging https://paperswithcode.com/task/part-of-speech-tagging NULL NULL NULL NULL
10996 Papers With Code : Relation Extraction https://paperswithcode.com/task/relation-extraction NULL NULL NULL NULL
10997 Papers With Code : Document Classification https://paperswithcode.com/task/document-classification NULL NULL NULL NULL
10998 Papers With Code : Semantic Role Labeling https://paperswithcode.com/task/semantic-role-labeling NULL NULL NULL NULL
10999 Papers With Code : Chunking https://paperswithcode.com/task/chunking NULL NULL NULL NULL
11001 Papers With Code : Opinion Mining https://paperswithcode.com/task/opinion-mining NULL NULL NULL NULL
11006 Papers With Code : Text Categorization https://paperswithcode.com/task/text-categorization NULL NULL NULL NULL
11007 Papers With Code : Sentence Classification https://paperswithcode.com/task/sentence-classification NULL NULL NULL NULL
11009 Papers With Code : Few-Shot Relation Classification https://paperswithcode.com/task/few-shot-relation-classification NULL NULL NULL NULL
11010 Papers With Code : Implicit Discourse Relation Classification https://paperswithcode.com/task/implicit-discourse-relation-classificati NULL NULL NULL NULL
11011 Papers With Code : Coreference Resolution https://paperswithcode.com/task/coreference-resolution NULL NULL NULL NULL
11012 Papers With Code : Paraphrase Identification https://paperswithcode.com/task/paraphrase-identification NULL NULL NULL NULL
11013 Papers With Code : Slot Filling https://paperswithcode.com/task/slot-filling NULL NULL NULL NULL
11015 Papers With Code : Constituency Parsing https://paperswithcode.com/task/constituency-parsing NULL NULL NULL NULL
11016 Papers With Code : Word Sense Disambiguation https://paperswithcode.com/task/word-sense-disambiguation NULL NULL NULL NULL
11017 Papers With Code : Machine Reading Comprehension https://paperswithcode.com/task/machine-reading-comprehension NULL NULL NULL NULL
11019 Papers With Code : Cross-Lingual Transfer https://paperswithcode.com/task/cross-lingual-transfer NULL NULL NULL NULL
11020 Papers With Code : Cross-Lingual Entity Linking https://paperswithcode.com/task/cross-lingual-entity-linking NULL NULL NULL NULL
11023 Papers With Code : Entity Linking https://paperswithcode.com/task/entity-linking NULL NULL NULL NULL
11024 Papers With Code : Morphological Analysis https://paperswithcode.com/task/morphological-analysis NULL NULL NULL NULL
11025 Papers With Code : Ad-Hoc Information Retrieval https://paperswithcode.com/task/ad-hoc-information-retrieval NULL NULL NULL NULL
11026 Papers With Code : Language Identification https://paperswithcode.com/task/language-identification NULL NULL NULL NULL
11027 Papers With Code : Grammatical Error Correction https://paperswithcode.com/task/grammatical-error-correction NULL NULL NULL NULL
11028 Papers With Code : Stance Detection https://paperswithcode.com/task/stance-detection NULL NULL NULL NULL
11029 Papers With Code : Subjectivity Analysis https://paperswithcode.com/task/subjectivity-analysis NULL NULL NULL NULL
11030 Papers With Code : Entity Extraction https://paperswithcode.com/task/entity-extraction NULL NULL NULL NULL
11031 Papers With Code : Sarcasm Detection https://paperswithcode.com/task/sarcasm-detection NULL NULL NULL NULL
11036 Papers With Code : Language Acquisition https://paperswithcode.com/task/language-acquisition NULL NULL NULL NULL
11037 Papers With Code : Word Sense Induction https://paperswithcode.com/task/word-sense-induction NULL NULL NULL NULL
11038 Papers With Code : Text Simplification https://paperswithcode.com/task/text-simplification NULL NULL Resources NULL
11039 Papers With Code : Intent Detection https://paperswithcode.com/task/intent-detection NULL NULL NULL NULL
11040 Papers With Code : Intent Classification https://paperswithcode.com/task/intent-classification NULL NULL NULL NULL
11041 Papers With Code : Clickbait Detection https://paperswithcode.com/task/clickbait-detection NULL NULL NULL NULL
11043 Papers With Code : Fake News Detection https://paperswithcode.com/task/fake-news-detection NULL NULL NULL NULL
11044 Papers With Code : Relationship Extraction (Distant Supervised) https://paperswithcode.com/task/relationship-extraction NULL NULL NULL NULL
11045 Papers With Code : Predicate Detection https://paperswithcode.com/task/predicate-detection NULL NULL NULL NULL
11048 Papers With Code : Lexical Simplification https://paperswithcode.com/task/lexical-simplification NULL NULL NULL NULL
11049 Papers With Code : Lexical Analysis https://paperswithcode.com/task/lexical-analysis NULL NULL NULL NULL
11050 Papers With Code : CCG Supertagging https://paperswithcode.com/task/ccg-supertagging NULL NULL NULL NULL
11051 Papers With Code : Dialog Act Classification https://paperswithcode.com/task/dialog-act-classification NULL NULL NULL NULL
11052 Papers With Code : Passage Re-Ranking https://paperswithcode.com/task/passage-re-ranking NULL NULL NULL NULL
11053 Papers With Code : Temporal Information Extraction https://paperswithcode.com/task/temporal-information-extraction NULL NULL NULL NULL
11054 Papers With Code : Information Extraction https://paperswithcode.com/task/information-extraction NULL NULL NULL NULL
11057 Papers With Code : Semantic Role Labeling (predicted predicates) https://paperswithcode.com/task/semantic-role-labeling-predicted-predic NULL NULL NULL NULL
11058 Papers With Code : Hypernym Discovery https://paperswithcode.com/task/hypernym-discovery NULL NULL NULL NULL
11060 Papers With Code : Dialogue Act Classification https://paperswithcode.com/task/dialogue-act-classification NULL NULL NULL NULL
11061 Papers With Code : Nested Mention Recognition https://paperswithcode.com/task/nested-mention-recognition NULL NULL NULL NULL
11062 Papers With Code : Entity Alignment https://paperswithcode.com/task/entity-alignment NULL NULL NULL NULL
11066 Papers With Code : Web Page Tagging https://paperswithcode.com/task/web-page-tagging NULL NULL NULL NULL
11067 Papers With Code : Lexical Normalization https://paperswithcode.com/task/lexical-normalization NULL NULL NULL NULL
11070 Papers With Code : Negation Detection https://paperswithcode.com/task/negation-detection NULL NULL NULL NULL
11071 Papers With Code : Bridging Anaphora Resolution https://paperswithcode.com/task/bridging-anaphora-resolution NULL NULL NULL NULL
11077 Papers With Code : News Annotation https://paperswithcode.com/task/news-annotation NULL NULL NULL NULL
11078 Generalized Language Models https://lilianweng.github.io/lil-log/2019/01/31/generalized-language-models.html NULL NULL NULL 2019
11079 Building Recurrent Neural Networks in Tensorflow – Ahmet Taspinar http://ataspinar.com/2018/07/05/building-recurrent-neural-networks-in-tensorflow/ NULL NULL NULL 2018
11081 GitHub - dongjun-Lee/text-summarization-tensorflow: Tensorflow seq2seq Implementation of Text Summarization. https://github.com/dongjun-Lee/text-summarization-tensorflow NULL NULL NULL NULL
11082 GitHub - theamrzaki/text_summurization_abstractive_methods: Multiple implementations for abstractive text summurization , using google colab https://github.com/theamrzaki/text_summurization_abstractive_methods NULL NULL NULL NULL
11083 Abstractive Text Summarization (tutorial 2) , Text Representation made very easy https://hackernoon.com/abstractive-text-summarization-tutorial-2-text-representation-made-very-easy-ef4511a1a46 NULL NULL NULL 2019
11084 Probability — Fundamentals of Machine Learning (Part 1) https://towardsdatascience.com/probability-fundamentals-of-machine-learning-part-1-a156b4703e69 NULL NULL NULL 2019
11085 GitHub - VIDA-NYU/ache: ACHE is a web crawler for domain-specific search. https://github.com/ViDA-NYU/ache NULL NULL NULL NULL
11086 Tutorial on Monte Carlo Tree Search - The Algorithm Behind AlphaGo https://www.analyticsvidhya.com/blog/2019/01/monte-carlo-tree-search-introduction-algorithm-deepmind-alphago/ NULL NULL NULL 2019
11087 Google AI Blog: Real-time Continuous Transcription with Live Transcribe https://ai.googleblog.com/2019/02/real-time-continuous-transcription-with.html NULL NULL NULL NULL
11088 NLP Guide: Identifying Part of Speech Tags using Conditional Random Fields https://medium.com/analytics-vidhya/pos-tagging-using-conditional-random-fields-92077e5eaa31 NULL NULL NULL 2018
11089 Towards Automatic Summarization. Part 2. Abstractive Methods. https://medium.com/sciforce/towards-automatic-summarization-part-2-abstractive-methods-c424386a65ea NULL NULL NULL 2019
11090 IMDB movie review polarity using NAIVE BAYES CLASSIFIER https://medium.com/@krsatyam1996/imdb-movie-review-polarity-using-naive-bayes-classifier-9f92c13efa2d NULL NULL NULL 2018
11091 Tutorial: Predicting Movie Review Sentiment with Naive Bayes – Dataquest https://www.dataquest.io/blog/naive-bayes-tutorial/ NULL NULL NULL NULL
11093 403 Forbidden https://machinelearningmastery.com/sequence-classification-lstm-recurrent-neural-networks-python-keras/ NULL NULL NULL NULL
11094 Introduction to Gradient Descent Algorithm along its variants https://www.analyticsvidhya.com/blog/2017/03/introduction-to-gradient-descent-algorithm-along-its-variants NULL NULL NULL 2017
11095 On Decision Trees and Entropy – The Startup – Medium https://medium.com/swlh/on-decision-trees-and-entropy-7e6f26a4b014 NULL NULL NULL 2019
11096 A Must-Read NLP Tutorial on Neural Machine Translation — The Technique Powering Google Translate https://medium.com/analytics-vidhya/a-must-read-nlp-tutorial-on-neural-machine-translation-the-technique-powering-google-translate-c5c8d97d7587 NULL NULL NULL 2019
11097 403 Forbidden https://machinelearningmastery.com/loss-and-loss-functions-for-training-deep-learning-neural-networks/ NULL NULL NULL NULL
11098 GitHub - panushri25/emrQA: Code for the emrQA question answering dataset https://github.com/panushri25/emrQA NULL NULL NULL NULL
11099 GitHub - mattrasto/aicm: AI Concept Map: A model for everything machine learning https://github.com/mattrasto/aicm NULL NULL NULL NULL
11100 403 Forbidden https://machinelearningmastery.com/practical-deep-learning-for-coders-review/ NULL NULL NULL NULL
11101 Facebook Boosts Cross-Lingual Language Model Pretraining Performance https://medium.com/@Synced/facebook-boosts-cross-lingual-language-model-pretraining-performance-872ff7b557e0 NULL NULL NULL 2019
11102 Train and Test Set in Python Machine Learning — How to Split https://medium.com/@rinu.gour123/train-and-test-set-in-python-machine-learning-how-to-split-58029a0d657b NULL NULL NULL 2019
11103 Machine Learning with Python: NLP and Text Recognition https://levelup.gitconnected.com/machine-learning-with-python-nlp-and-text-recognition-94444d55b0ef NULL NULL NULL 2019
11107 derivative - Backpropagation with Softmax / Cross Entropy - Cross Validated https://stats.stackexchange.com/questions/235528/backpropagation-with-softmax-cross-entropy NULL NULL NULL 2016
11108 The BackPropagation Network: Learning by Example http://staff.itee.uq.edu.au/janetw/cmc/chapters/BackProp/index2.html NULL NULL NULL NULL
11109 Step-by-Step Tutorial on Linear Regression with Stochastic Gradient Descent https://towardsdatascience.com/step-by-step-tutorial-on-linear-regression-with-stochastic-gradient-descent-1d35b088a843 NULL NULL NULL 2018
11110 Introduction to StanfordNLP: An NLP Library for 53 Languages (with Python code) https://medium.com/analytics-vidhya/introduction-to-stanfordnlp-an-nlp-library-for-53-languages-with-python-code-d7c3efdca118 NULL NULL NULL 2019
11111 Boost your data science skills. Learn linear algebra. - Data Science Central https://www.datasciencecentral.com/profiles/blogs/boost-your-data-science-skills-learn-linear-algebra NULL NULL NULL NULL
11112 PyTorch: Linear and Logistic Regression Models – BiaslyAI – Medium https://medium.com/biaslyai/pytorch-linear-and-logistic-regression-models-5c5f0da2cb9 NULL NULL NULL 2019
11113 Attn: Illustrated Attention – Towards Data Science https://towardsdatascience.com/attn-illustrated-attention-5ec4ad276ee3 NULL NULL NULL 2019
11114 Multi-armed bandit implementation https://peterroelants.github.io/posts/multi-armed-bandit-implementation/ NULL NULL NULL NULL
11115 GitHub - plasticityai/magnitude: A fast, efficient universal vector embedding utility package. https://github.com/plasticityai/magnitude NULL NULL NULL NULL
11116 GitHub - facebookresearch/XLM: PyTorch original implementation of Cross-lingual Language Model Pretraining. https://github.com/facebookresearch/XLM NULL NULL NULL NULL
11117 Xfer: an open-source library for neural network transfer learning https://medium.com/apache-mxnet/xfer-an-open-source-library-for-neural-network-transfer-learning-cd5eac4accf0 NULL NULL NULL 2019
11118 Evaluating Text Output in NLP: BLEU at your own risk https://towardsdatascience.com/evaluating-text-output-in-nlp-bleu-at-your-own-risk-e8609665a213 NULL NULL NULL 2019
11119 GitHub - amzn/xfer: Transfer Learning library for Deep Neural Networks. https://github.com/amzn/xfer/ NULL NULL NULL NULL
11120 Comparing Pre-trained Language Models with Semantic Parsing - Jack Koch https://jbkjr.com/posts/2019/01/unsupervised_pretraining_comparison/ NULL NULL NULL 2019
11121 Practical Deep Learning for Coders 2019 · fast.ai https://www.fast.ai/2019/01/24/course-v3 NULL NULL NULL NULL
11122 A Visual Exploration of Gaussian Processes https://www.jgoertler.com/visual-exploration-gaussian-processes NULL NULL NULL NULL
11123 A Gentle Introduction to Graph Neural Network (Basics, DeepWalk, and GraphSage) https://towardsdatascience.com/a-gentle-introduction-to-graph-neural-network-basics-deepwalk-and-graphsage-db5d540d50b3 NULL NULL NULL 2019
11124 Graph neural networks: a review of methods and applications | the morning paper https://blog.acolyer.org/2019/02/08/graph-neural-networks-a-review-of-methods-and-applications/ NULL NULL NULL NULL
11125 A comprehensive survey on graph neural networks | the morning paper https://blog.acolyer.org/2019/02/06/a-comprehensive-survey-on-graph-neural-networks/ NULL NULL NULL NULL
11128 Multi-label Text Classification using BERT – The Mighty Transformer https://medium.com/huggingface/multi-label-text-classification-using-bert-the-mighty-transformer-69714fa3fb3d NULL NULL NULL 2019
11129 Explaining Feature Importance by example of a Random Forest https://towardsdatascience.com/explaining-feature-importance-by-example-of-a-random-forest-d9166011959e NULL NULL NULL 2019
11131 Introduction to Flair for NLP in Python - State-of-the-art Library for NLP! https://www.analyticsvidhya.com/blog/2019/02/flair-nlp-library-python/ NULL NULL NULL 2019
11132 Spectral clustering – Towards Data Science https://towardsdatascience.com/spectral-clustering-82d3cff3d3b7 NULL NULL NULL 2019
11134 Hot Dog or Not? A lesson on image classification using convolutional neural networks https://medium.com/@jaimejcheng/hot-dog-or-not-a-lesson-on-image-classification-using-convolutional-neural-networks-a2b92e81f4ad NULL NULL NULL 2019
11136 An Introduction on Time Series Forecasting with Simple Neura Networks & LSTM https://towardsdatascience.com/an-introduction-on-time-series-forecasting-with-simple-neura-networks-lstm-f788390915b NULL NULL NULL 2019
11137 Qrash Course: Reinforcement Learning 101 & Deep Q Networks in 10 Minutes https://towardsdatascience.com/qrash-course-deep-q-networks-from-the-ground-up-1bbda41d3677 NULL NULL NULL 2019
11138 Supervised Learning: Basics of Classification and Main Algorithms https://towardsdatascience.com/supervised-learning-basics-of-classification-and-main-algorithms-c16b06806cd3 NULL NULL NULL 2019
11139 A line-by-line implementation guide to Word2Vec using Numpy https://towardsdatascience.com/an-implementation-guide-to-word2vec-using-numpy-and-google-sheets-13445eebd281 NULL NULL NULL 2018
11140 Hierarchical softmax and negative sampling: short notes worth telling https://towardsdatascience.com/hierarchical-softmax-and-negative-sampling-short-notes-worth-telling-2672010dbe08 NULL NULL NULL 2017
11141 Counting No. of Parameters in Deep Learning Models by Hand https://towardsdatascience.com/counting-no-of-parameters-in-deep-learning-models-by-hand-8f1716241889 NULL NULL NULL 2019
11142 Word2vec from Scratch with Python and NumPy https://nathanrooy.github.io/posts/2018-03-22/word2vec-from-scratch-with-python-and-numpy/ NULL NULL NULL NULL
11143 word2vec-from-scratch-with-python/word2vec.py at master · nathanrooy/word2vec-from-scratch-with-python · GitHub https://github.com/nathanrooy/word2vec-from-scratch-with-python/blob/master/word2vec.py NULL NULL NULL NULL
11145 natural language - Why word2vec maximizes the cosine similarity between semantically similar words - Cross Validated https://stats.stackexchange.com/questions/325053/why-word2vec-maximizes-the-cosine-similarity-between-semantically-similar-words NULL NULL NULL 2018
11146 GitHub - anhquan0412/basic_model_scratch: Implementation of some classic Machine Learning model from scratch and benchmarking against popular ML library https://github.com/anhquan0412/basic_model_scratch NULL NULL NULL NULL
11147 MIT Deep Learning Basics: Introduction and Overview with TensorFlow https://medium.com/tensorflow/mit-deep-learning-basics-introduction-and-overview-with-tensorflow-355bcd26baf0 NULL NULL NULL 2019
11148 10 Gradient Descent Optimisation Algorithms – Towards Data Science https://towardsdatascience.com/10-gradient-descent-optimisation-algorithms-86989510b5e9 NULL NULL NULL 2018
11149 GitHub - bmtgoncalves/Neural-Networks: A basic tutorial on Neural Networks https://github.com/bmtgoncalves/Neural-Networks NULL NULL NULL NULL
11150 Computational Graphs in Deep Learning With Python – Rinu Gour – Medium https://medium.com/@rinu.gour123/computational-graphs-in-deep-learning-with-python-75af7d77541f NULL NULL NULL 2019
11151 Using BERT for state-of-the-art pre-training for natural language processing https://blog.insightdatascience.com/using-bert-for-state-of-the-art-pre-training-for-natural-language-processing-1d87142c29e7 NULL NULL NULL 2019
11152 Better Language Models and Their Implications https://blog.openai.com/better-language-models/ NULL NULL NULL 2019
11153 A comprehensive survey on graph neural networks https://www.kdnuggets.com/2019/02/comprehensive-survey-graph-neural-networks.html NULL NULL NULL NULL
11155 403 Forbidden https://machinelearningmastery.com/how-to-control-neural-network-model-capacity-with-nodes-and-layers/ NULL NULL NULL NULL
11156 A Technique for Building NLP Classifiers Efficiently with Transfer Learning and Weak Supervision https://towardsdatascience.com/a-technique-for-building-nlp-classifiers-efficiently-with-transfer-learning-and-weak-supervision-a8e2f21ca9c8 NULL NULL NULL 2019
11157 One Language Model to Rule Them All – Towards Data Science https://towardsdatascience.com/one-language-model-to-rule-them-all-26f802c90660 NULL NULL NULL 2019
11158 How to Automatically Import Your Favorite Libraries into IPython or a Jupyter Notebook https://towardsdatascience.com/how-to-automatically-import-your-favorite-libraries-into-ipython-or-a-jupyter-notebook-9c69d89aa343 NULL NULL NULL 2019
11159 Google Open Sources BERT to Train Natural Language Models Without Breaking the Bank https://towardsdatascience.com/google-open-sources-bert-to-train-natural-language-models-without-breaking-the-bank-813ef38018fc NULL NULL NULL 2018
11162 HumL: Better Text Intelligence with Humans in the Loop https://towardsdatascience.com/huml-better-text-intelligence-with-humans-in-the-loop-66795d864990 NULL NULL NULL 2018
11164 Word2vec from Scratch with NumPy – Towards Data Science https://towardsdatascience.com/word2vec-from-scratch-with-numpy-8786ddd49e72 NULL NULL NULL 2019
11166 Introducing Wav2latter++ – Towards Data Science https://towardsdatascience.com/introducing-wav2latter-9e94ae13246 NULL NULL NULL 2018
11167 Temporal Convolutional Nets (TCNs) Take Over from RNNs for NLP Predictions - Data Science Central https://www.datasciencecentral.com/profiles/blogs/temporal-convolutional-nets-tcns-take-over-from-rnns-for-nlp-pred NULL NULL NULL NULL
11168 Hierarchical Classification at Forge.AI – Hacker Noon https://hackernoon.com/hierarchical-classification-at-forge-ai-5745160f01c7 NULL NULL NULL 2018
11169 Tutorial on Outlier Detection in Python using the PyOD Library https://www.analyticsvidhya.com/blog/2019/02/outlier-detection-python-pyod NULL NULL NULL 2019
11170 GitHub - jflanigan/jamr: JAMR Parser and Generator https://github.com/jflanigan/jamr NULL NULL NULL NULL
11171 7.2 One-versus-All multi-class classification https://jermwatt.github.io/machine_learning_refined/notes/7_Linear_multiclass_classification/7_2_OvA.html NULL NULL NULL NULL
11172 Introducing DoWhy – Towards Data Science https://towardsdatascience.com/introducing-dowhy-cc58b75d61ac NULL NULL NULL 2019
11173 Handling overfitting in deep learning models – Towards Data Science https://towardsdatascience.com/handling-overfitting-in-deep-learning-models-c760ee047c6e NULL NULL NULL 2018
11174 GitHub - kmario23/deep-learning-drizzle: Drench yourself in Deep Learning, Reinforcement Learning, Machine Learning, Computer Vision, and NLP by learning from these exciting lectures!! https://github.com/kmario23/deep-learning-drizzle NULL NULL NULL NULL
11175 It all started with— CNN’s & AlexNet – Aditya Raj – Medium https://medium.com/@adityaraj_64455/it-all-started-with-cnns-alexnet-3023b21bb891 NULL NULL NULL 2019
11177 10 Python File System Methods You Should Know – Towards Data Science https://towardsdatascience.com/10-python-file-system-methods-you-should-know-799f90ef13c2 NULL NULL NULL 2019
11179 Understanding building blocks of ULMFIT – ML Review – Medium https://medium.com/mlreview/understanding-building-blocks-of-ulmfit-818d3775325b NULL NULL NULL 2019
11180 Building Seq2Seq Machine Translation Models using AllenNLP – Real-World Natural Language Processing http://www.realworldnlpbook.com/blog/building-seq2seq-machine-translation-models-using-allennlp.html NULL NULL NULL NULL
11181 gpt-2/gpt-2-playground_.ipynb at master · ilopezfr/gpt-2 · GitHub https://github.com/ilopezfr/gpt-2/blob/master/gpt-2-playground_.ipynb NULL NULL NULL NULL
11183 Experimenting with OpenAI’s Improved Language Model https://medium.com/dair-ai/experimenting-with-openais-improved-language-model-abf73bc123b9 NULL NULL NULL 2019
11184 Linear Regression in Python with Cost function and Gradient descent https://medium.com/@purnasaigudikandula/linear-regression-in-python-with-cost-function-and-gradient-descent-bde9a8d2626? NULL NULL NULL 2019
11186 GitHub - trekhleb/homemade-machine-learning: https://github.com/trekhleb/homemade-machine-learning NULL NULL NULL NULL
11187 GitHub - benedekrozemberczki/NGCN: A PyTorch implementation of "A Higher-Order Graph Convolutional Layer" (NeurIPS 18 Relational Representation Learning Workshop). https://github.com/benedekrozemberczki/NGCN NULL NULL NULL NULL
11188 403 Forbidden https://machinelearningmastery.com/recommendations-for-deep-learning-neural-network-practitioners/ NULL NULL NULL NULL
11189 Recursive Neural Networks with PyTorch | NVIDIA Developer Blog https://devblogs.nvidia.com/recursive-neural-networks-pytorch/ NULL NULL NULL NULL
11190 GitHub - openai/gpt-2: Code for the paper "Language Models are Unsupervised Multitask Learners" https://github.com/openai/gpt-2 NULL NULL NULL NULL
11191 GitHub - joosthub/PyTorchNLPBook: Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info https://github.com/joosthub/PyTorchNLPBook NULL NULL NULL NULL
11193 GitHub - endymecy/pytorch-nlp: The NLP toolkit use pytorch https://github.com/endymecy/pytorch-nlp NULL NULL NULL NULL
11194 GitHub - epwalsh/nlp-models: NLP research experiments, built on PyTorch within the AllenNLP framework. https://github.com/epwalsh/nlp-models NULL NULL NULL NULL
11195 The Mathematics of Data Science: Understanding the foundations of Deep Learning through Linear Regression - Data Science Central https://www.datasciencecentral.com/profiles/blogs/the-mathematics-of-data-science-understanding-the-foundations-of NULL NULL NULL NULL
11196 GitHub - rasbt/stat479-deep-learning-ss19: Course material for STAT 479: Deep Learning (SS 2019) at University Wisconsin-Madison https://github.com/rasbt/stat479-deep-learning-ss19 NULL NULL NULL NULL
11197 Gated Recurrent Units explained using Matrices: Part 1 https://towardsdatascience.com/gate-recurrent-units-explained-using-matrices-part-1-3c781469fc18 NULL NULL NULL 2019
11198 Word embeddings for sentiment analysis – Towards Data Science https://towardsdatascience.com/word-embeddings-for-sentiment-analysis-65f42ea5d26e NULL NULL NULL 2018
11199 GitHub - naver/biobert-pretrained: BioBERT: a pre-trained biomedical language representation model for biomedical text mining https://github.com/naver/biobert-pretrained NULL NULL NULL NULL
11200 403 Forbidden https://machinelearningmastery.com/how-to-improve-performance-with-transfer-learning-for-deep-learning-neural-networks/ NULL NULL NULL NULL
11201 DREAM: A Challenge Dataset and Models for Dialogue-Based Reading Comprehension https://dataset.org/dream/ NULL NULL NULL NULL
11203 Deconstructing BERT: Distilling 6 Patterns from 100 Million Parameters https://www.kdnuggets.com/2019/02/deconstructing-bert-distilling-patterns-100-million-parameters.html NULL NULL NULL NULL
11204 Lingvo: A TensorFlow Framework for Sequence Modeling https://medium.com/tensorflow/lingvo-a-tensorflow-framework-for-sequence-modeling-8b1d6ffba5bb NULL NULL NULL 2019
11205 GitHub - JayParks/transformer: A Pytorch Implementation of "Attention is All You Need" and "Weighted Transformer Network for Machine Translation" https://github.com/JayParks/transformer NULL NULL NULL NULL
11206 GitHub - facebookresearch/nevergrad: A Python toolbox for performing gradient-free optimization https://github.com/facebookresearch/nevergrad NULL NULL NULL NULL
11218 GitHub - cheng6076/NeuralSum https://github.com/cheng6076/NeuralSum NULL NULL NULL NULL
11222 GitHub - XingxingZhang/dense_parser: DeNSe parser in Dependency Parsing as Head Selection (EACL 2017) https://arxiv.org/abs/1606.01280 https://github.com/XingxingZhang/dense_parser NULL NULL NULL NULL
11223 GitHub - cheng6076/scanner https://github.com/cheng6076/scanner NULL NULL NULL NULL
11224 GitHub - cheng6076/virnng: Code for "A Generative Parser with a Discriminative Recognition Algorithm"(http://homepages.inf.ed.ac.uk/s1537177/resources/virnng.pdf) https://github.com/cheng6076/virnng NULL NULL NULL NULL
11225 GitHub - nlpyang/structured: code for Learning Structured Text Representations https://github.com/nlpyang/structured NULL NULL NULL NULL
11236 GitHub - nyu-dl/dl4marco-bert https://github.com/nyu-dl/dl4marco-bert NULL NULL NULL NULL
11238 Sentiment Analysis with Deep Learning – Towards Data Science https://towardsdatascience.com/sentiment-analysis-with-deep-learning-62d4d0166ef6 NULL NULL NULL 2019
11239 Data Visualization https://socviz.co/ NULL NULL NULL NULL
11240 A brief introduction to Markov chains – Towards Data Science https://towardsdatascience.com/brief-introduction-to-markov-chains-2c8cab9c98ab NULL NULL NULL 2019
11241 Why BERT has 3 Embedding Layers and Their Implementation Details https://medium.com/@_init_/why-bert-has-3-embedding-layers-and-their-implementation-details-9c261108e28a NULL NULL NULL 2019
11242 Hands-On with Unsupervised Learning – Towards Data Science https://towardsdatascience.com/hands-on-with-unsupervised-learning-93d4d6cad4c7 NULL NULL NULL 2019
11243 Stepping into NLP — Word2Vec with Gensim – Hacker Noon https://hackernoon.com/stepping-into-nlp-word2vec-with-gensim-e7c54d9a450a NULL NULL NULL 2019
11244 AllenNLP - DROP Dataset https://allennlp.org/drop.html NULL NULL NULL NULL
11245 GitHub - tensorflow/lingvo: Lingvo https://github.com/tensorflow/lingvo NULL NULL NULL NULL
11246 Explore Pretrained Language Models with PyTorch – dair.ai – Medium https://medium.com/dair-ai/explore-pretrained-language-models-with-pytorch-1b1e06b7510c NULL NULL NULL 2019
11247 GitHub - tensorflow/tfjs-models: Pretrained models for TensorFlow.js https://github.com/tensorflow/tfjs-models NULL NULL NULL NULL
11248 GitHub - roomylee/entity-aware-relation-classification: Tensorflow Implementation of "Semantic Relation Classification via Bidirectional LSTM Networks with Entity-aware Attention using Latent Entity T https://github.com/roomylee/entity-aware-relation-classification NULL NULL NULL NULL
11251 GitHub - L1aoXingyu/pytorch-beginner: pytorch tutorial for beginners https://github.com/L1aoXingyu/pytorch-beginner NULL NULL NULL NULL
11252 http://fa.bianp.net/teaching/2018/eecs227at/introduction.html NULL NULL NULL NULL
11253 http://fa.bianp.net/teaching/2018/eecs227at/surrogate.html NULL NULL NULL NULL
11254 http://fa.bianp.net/teaching/2018/eecs227at/gradient_descent.html NULL NULL NULL NULL
11255 http://fa.bianp.net/teaching/2018/eecs227at/newton.html NULL NULL NULL NULL
11256 http://fa.bianp.net/teaching/2018/eecs227at/quasi_newton.html NULL NULL NULL NULL
11257 http://fa.bianp.net/teaching/2018/eecs227at/stochastic_gradient.html NULL NULL NULL NULL
11258 scipy.optimize http://fa.bianp.net/teaching/2018/eecs227at/scipy.optimize.html NULL NULL NULL NULL
11259 Common Voice https://voice.mozilla.org/en/datasets NULL NULL NULL NULL
11261 Transformer-XL Explained: Combining Transformers and RNNs into a State-of-the-art Language Model https://towardsdatascience.com/transformer-xl-explained-combining-transformers-and-rnns-into-a-state-of-the-art-language-model-c0cfe9e5a924 NULL NULL NULL 2019
11262 Python Data Science Getting Started Tutorial: NLTK – Data Driven Investor – Medium https://medium.com/datadriveninvestor/python-data-science-getting-started-tutorial-nltk-2d8842fedfdd NULL NULL NULL 2019
11264 GitHub - benedekrozemberczki/awesome-graph-embedding: A collection of important graph embedding, classification and representation learning papers with implementations. https://github.com/benedekrozemberczki/awesome-graph-embedding NULL NULL NULL NULL
11265 Perform Clustering Analysis https://www.analyticsvidhya.com/blog/2013/11/getting-clustering-right/ NULL NULL NULL 2013
11266 Challenges Using Clustering With Uniform Population | Big Data https://www.analyticsvidhya.com/blog/2013/11/getting-clustering-right-part-ii/ NULL NULL NULL 2013
11267 A High-level Guide to Natural Language Processing Techniques https://towardsdatascience.com/a-high-level-guide-to-natural-language-processing-techniques-81509a2f14b3 NULL NULL NULL 2019
11268 Attention Is All You Need (Vaswani et al., ArXiv 2017) | Jonathan K. Kummerfeld http://jkk.name/post/2017-10-20_onlyattention/ NULL NULL NULL 2017
11269 Unifying Word Embeddings and Matrix Factorization — Part 1 https://medium.com/radix-ai-blog/unifying-word-embeddings-and-matrix-factorization-part-1-cb3984e95141 NULL NULL NULL 2019
11271 Neural Networks with Numpy for Absolute Beginners: Introduction https://towardsdatascience.com/neural-networks-with-numpy-for-absolute-beginners-introduction-c1394639edb2 NULL NULL NULL 2019
11272 Neural Networks with Numpy for Absolute Beginners — Part 2: Linear Regression https://towardsdatascience.com/neural-networks-with-numpy-for-absolute-beginners-part-2-linear-regression-e53c0c7dea3a NULL NULL NULL 2019
11273 One neural network, many uses – Towards Data Science https://towardsdatascience.com/one-neural-network-many-uses-image-captioning-image-search-similar-image-and-words-in-one-model-1e22080ce73d NULL NULL NULL 2019
11274 DeepMind Combines Logic and Neural Networks to Extract Rules from Noisy Data https://towardsdatascience.com/deepmind-combines-logic-and-neural-networks-to-extract-rules-from-noisy-data-2fbd0f6edfb7 NULL NULL NULL 2019
11275 Machine Learning — Singular Value Decomposition (SVD) & Principal Component Analysis (PCA) https://medium.com/@jonathan_hui/machine-learning-singular-value-decomposition-svd-principal-component-analysis-pca-1d45e885e491 NULL NULL NULL 2019
11276 Viewinga???Matrices & Probabilitya???asa???Graphs https://www.math3ma.com/blog/matrices-probability-graphs NULL NULL NULL NULL
11277 Resources for Intro-Level Graduate Courses https://www.math3ma.com/blog/resources-for-intro-level-graduate-courses NULL NULL NULL NULL
11278 403 Forbidden https://www.topbots.com/ai-nlp-research-pretrained-language-models/ NULL NULL NULL NULL
11282 Google Open-Sources GPipe Library for Training Large-Scale Neural Network Models https://medium.com/syncedreview/google-open-sources-gpipe-library-for-training-large-scale-neural-network-models-8b8ef324382c NULL NULL NULL 2019
11283 Using word2vec to Analyze News Headlines and Predict Article Success https://towardsdatascience.com/using-word2vec-to-analyze-news-headlines-and-predict-article-success-cdeda5f14751 NULL NULL NULL 2019
11284 PCA & Autoencoders: Algorithms Everyone Can Understand https://towardsdatascience.com/understanding-pca-autoencoders-algorithms-everyone-can-understand-28ee89b570e2 NULL NULL NULL 2018
11285 Tsinghua University Publishes Comprehensive Machine Translation Reading List https://medium.com/syncedreview/tsinghua-university-publishes-comprehensive-machine-translation-reading-list-c3f2df594218 NULL NULL NULL 2019
11286 GitHub - THUNLP-MT/THUMT: An open-source neural machine translation toolkit developed by Tsinghua Natural Language Processing Group https://github.com/THUNLP-MT/THUMT NULL NULL NULL NULL
11288 GitHub - THUNLP-MT/MT-Toolkit-List: A list of machine translation open-source toolkits maintained by Tsinghua Natural Language Processing Group https://github.com/THUNLP-MT/MT-Toolkit-List NULL NULL NULL NULL
11289 GitHub - tommccoy1/tpdn: Tensor product decomposition network https://github.com/tommccoy1/tpdn NULL NULL NULL NULL
11291 GQA: Visual Reasoning in the Real World https://cs.stanford.edu/people/dorarad/gqa/ NULL NULL NULL NULL
11292 It’s Only Natural: An Excessively Deep Dive Into Natural Gradient Optimization https://towardsdatascience.com/its-only-natural-an-excessively-deep-dive-into-natural-gradient-optimization-75d464b89dbb NULL NULL NULL 2019
11293 Character Level NLP https://www.lighttag.io/blog/character-level-NLP/ NULL NULL NULL NULL
11294 Learn ELMo for Extracting Features from Text (using Python) https://www.analyticsvidhya.com/blog/2019/03/learn-to-use-elmo-to-extract-features-from-text/ NULL NULL NULL 2019
11296 NLP Learning Series: Part 1 - Text Preprocessing Methods for Deep Learning https://mlwhiz.com/blog/2019/01/17/deeplearning_nlp_preprocess/ NULL NULL NULL 2019
11297 NLP Learning Series: Part 2 - Conventional Methods for Text Classification https://mlwhiz.com/blog/2019/02/08/deeplearning_nlp_conventional_methods/ NULL NULL NULL 2019
11298 NLP Learning Series: Part 3 - Attention, CNN and what not for Text Classification https://mlwhiz.com/blog/2019/03/09/deeplearning_architectures_text_classification/ NULL NULL NULL 2019
11299 How to Perform Explainable Machine Learning Classification — Without Any Trees https://towardsdatascience.com/how-to-perform-explainable-machine-learning-classification-without-any-trees-873db4192c68 NULL NULL NULL 2019
11300 Exploring BERT's Vocabulary http://juditacs.github.io/2019/02/19/bert-tokenization-stats.html NULL NULL NULL NULL
11301 Introduction to Deep Learning – Explore Artificial Intelligence – Medium https://medium.com/explore-artificial-intelligence/deep-learning-the-journey-is-still-on-a2b2d4556192 NULL NULL NULL 2018
11302 Build your own Neural Network — 1 : The story of Perceptron & Sigmoid https://medium.com/explore-artificial-intelligence/build-your-own-neural-network-1-the-story-of-perceptron-sigmoid-c9d1a9afdf95 NULL NULL NULL 2018
11303 Build your own Neural Network-2: Our first neural network architecture https://medium.com/explore-artificial-intelligence/build-your-own-neural-network-2-our-first-neural-network-architecture-7e80c081d264 NULL NULL NULL 2019
11304 Introduction to Linear Algebra – Explore Artificial Intelligence – Medium https://medium.com/explore-artificial-intelligence/introduction-to-linear-algebra-5d0c3bc057e8 NULL NULL NULL 2019
11305 Python — A Journey from being a Beginner to an Expert — part 1 https://medium.com/explore-artificial-intelligence/python-a-journey-from-being-a-beginner-to-an-expert-part-1-c2dee719ba2d NULL NULL NULL 2018
11306 Word2Vec — a baby step in Deep Learning but a giant leap towards Natural Language Processing https://medium.com/explore-artificial-intelligence/word2vec-a-baby-step-in-deep-learning-but-a-giant-leap-towards-natural-language-processing-40fe4e8602ba NULL NULL NULL 2018
11307 Introduction to Theory of Probability — an approach to build models to solve real world problems https://medium.com/explore-artificial-intelligence/how-can-we-help-john-snow-and-ygritte-meet-up-for-a-date-using-theory-of-probability-b2a219caa93b NULL NULL NULL 2018
11308 An Introduction to Recurrent Neural Networks – Explore Artificial Intelligence – Medium https://medium.com/explore-artificial-intelligence/an-introduction-to-recurrent-neural-networks-72c97bf0912 NULL NULL NULL 2018
11309 How would we find a better activation function than ReLU? https://medium.com/shallow-thoughts-about-deep-learning/how-would-we-find-a-better-activation-function-than-relu-4409df217a5c NULL NULL NULL 2019
11310 Google AI Blog: An All-Neural On-Device Speech Recognizer https://ai.googleblog.com/2019/03/an-all-neural-on-device-speech.html NULL NULL NULL NULL
11311 What is a Generative Adversarial Network? – Towards Data Science https://towardsdatascience.com/what-is-a-generative-adversarial-network-76898dd7ea65 NULL NULL NULL 2018
11312 Simple Introduction to Convolutional Neural Networks https://towardsdatascience.com/simple-introduction-to-convolutional-neural-networks-cdf8d3077bac NULL NULL Tutorials 2019
11313 Building a k-Nearest-Neighbors (k-NN) Model with Scikit-learn https://towardsdatascience.com/building-a-k-nearest-neighbors-k-nn-model-with-scikit-learn-51209555453a NULL NULL NULL 2018
11314 Transformers – Towards Data Science https://towardsdatascience.com/transformers-141e32e69591 NULL NULL NULL 2019
11315 Convolutional Neural Networks for Beginners – Towards Data Science https://towardsdatascience.com/convolutional-neural-networks-for-beginners-practical-guide-with-python-and-keras-dc688ea90dca NULL NULL NULL 2018
11316 2.2. Linear Algebra — Dive into Deep Learning 0.7 documentation http://d2l.ai/chapter_crashcourse/linear-algebra.html NULL NULL NULL NULL
11317 2.4. Probability and Statistics — Dive into Deep Learning 0.7 documentation http://d2l.ai/chapter_crashcourse/probability.html NULL NULL NULL NULL
11318 2.5. Naive Bayes Classification — Dive into Deep Learning 0.7 documentation http://d2l.ai/chapter_crashcourse/naive-bayes.html NULL NULL NULL NULL
11319 13. Natural Language Processing — Dive into Deep Learning 0.7 documentation http://d2l.ai/chapter_natural-language-processing/index.html NULL NULL NULL NULL
11320 Introduction · A Byte of Python https://python.swaroopch.com/ NULL NULL NULL NULL
11323 OpenAI GPT-2: Understanding Language Generation through Visualization https://towardsdatascience.com/openai-gpt-2-understanding-language-generation-through-visualization-8252f683b2f8 NULL NULL Tutorials 2019
11324 QAngaroo -- Reading Comprehension with Multiple Hops http://qangaroo.cs.ucl.ac.uk/ NULL NULL NULL NULL
11325 GitHub - ageron/handson-ml2: A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2. https://github.com/ageron/handson-ml2 NULL NULL NULL NULL
11326 Checklist for debugging neural networks – Towards Data Science https://towardsdatascience.com/checklist-for-debugging-neural-networks-d8b2a9434f21 NULL NULL NULL 2019
11327 Attention, Dialogue, and Learning Reusable Patterns https://medium.com/rasa-blog/attention-dialogue-and-learning-reusable-patterns-5d6bd18ef9f0 NULL NULL NULL 2018
11328 8 Pretrained Models to Learn Natural Language Processing (NLP) https://www.analyticsvidhya.com/blog/2019/03/pretrained-models-get-started-nlp NULL NULL NULL 2019
11329 Ten trends in Deep learning NLP https://blog.floydhub.com/ten-trends-in-deep-learning-nlp/ NULL NULL NULL 2019
11330 List of free resources to learn Natural Language Processing - ParallelDots https://blog.paralleldots.com/data-science/nlp/free-natural-language-processing-resources/ NULL NULL NULL 2018
11331 GitHub - huseinzol05/NLP-Models-Tensorflow: Gathers machine learning and Tensorflow deep learning models for NLP problems https://github.com/huseinzol05/NLP-Models-Tensorflow NULL NULL NULL NULL
11332 Daniela Gerz http://people.ds.cam.ac.uk/dsg40/simverb.html NULL NULL NULL NULL
11333 SimLex-999 https://fh295.github.io//simlex.html NULL NULL NULL NULL
11335 GitHub - neulab/compare-mt: A program to compare language generation results and extract salient features https://github.com/neulab/compare-mt NULL NULL NULL NULL
11336 GitHub - Yale-LILY/Awesome-NLP-Research https://github.com/Yale-LILY/Awesome-NLP-Research NULL NULL NULL NULL
11337 A Brief Introduction to Cross-Lingual Information Retrieval https://medium.com/lily-lab/a-brief-introduction-to-cross-lingual-information-retrieval-eba767fa9af6 NULL NULL NULL 2019
11338 FastText sentiment analysis for tweets: A straightforward guide. https://medium.com/@media_73863/fasttext-sentiment-analysis-for-tweets-a-straightforward-guide-9a8c070449a2 NULL NULL NULL 2019
11339 When Multi-Task Learning meet with BERT – Towards Data Science https://towardsdatascience.com/when-multi-task-learning-meet-with-bert-d1c49cc40a0c NULL NULL NULL 2019
11340 Seven Myths in Machine Learning Research · Oscar Chang https://crazyoscarchang.github.io/2019/02/16/seven-myths-in-machine-learning-research/ NULL NULL NULL 2019
11341 GitHub - ryanzhumich/awesome-clir: A curated list of resources for Cross-lingual Information Retrieval (CLIR). https://github.com/ryanzhumich/awesome-clir NULL NULL NULL NULL
11345 GitHub - facebookresearch/hypernymysuite: Hearst Patterns Revisited: Automatic Hypernym Detection from Large Text Corpora https://github.com/facebookresearch/hypernymysuite NULL NULL NULL NULL
11346 GitHub - nelson-liu/contextual-repr-analysis: A toolkit for evaluating the linguistic knowledge and transferability of contextual representations. Code for "Linguistic Knowledge and Transferability of https://github.com/nelson-liu/contextual-repr-analysis NULL NULL NULL NULL
11348 How Machines Make Sense of Big Data: an Introduction to Clustering Algorithms https://medium.freecodecamp.org/how-machines-make-sense-of-big-data-an-introduction-to-clustering-algorithms-4bd97d4fbaba NULL NULL NULL 2017
11349 RL Part 4.2 Policy Iteration. https://programmingbee.net/2019/03/23/rl-part-4-2-policy-iteration/ NULL NULL NULL 2019
11350 GitHub - Opimenov/Reinforcement_Learning: my self learning implementations of some RL related problems https://github.com/Opimenov/Reinforcement_Learning NULL NULL NULL NULL
11351 GitHub - pinkeshbadjatiya/neuralTextSegmentation: Code & dataset for the paper 'Attention-based Neural Text Segmentation' https://github.com/pinkeshbadjatiya/neuralTextSegmentation NULL NULL NULL NULL
11352 Deep Learning for NLP with Pytorch — PyTorch Tutorials 1.1.0.dev20190501 documentation https://pytorch.org/tutorials/beginner/deep_learning_nlp_tutorial.html NULL NULL NULL NULL
11353 How to use TorchText for neural machine translation, plus hack to make it 5x faster https://towardsdatascience.com/how-to-use-torchtext-for-neural-machine-translation-plus-hack-to-make-it-5x-faster-77f3884d95 NULL NULL NULL 2018
11354 Python Genetic Algorithms With Artificial Intelligence https://medium.com/@rinu.gour123/python-genetic-algorithms-with-artificial-intelligence-b8d0c7db60ac NULL NULL NULL 2019
11356 GitHub - mjc92/TorchTextTutorial: A short tutorial for Torchtext, the NLP-specific add-on for Pytorch. https://github.com/mjc92/TorchTextTutorial NULL NULL NULL NULL
11357 A Tutorial on Torchtext – Allen Nie – A blog for NLP, ML, and Programming http://anie.me/On-Torchtext/ NULL NULL NULL NULL
11358 GitHub - UKPLab/emnlp-ws-2017-s3: Summarization evaluation tool for content selection evaluation. https://github.com/UKPLab/emnlp-ws-2017-s3 NULL NULL NULL NULL
11361 Metacademy - Bayesian machine learning https://metacademy.org/roadmaps/rgrosse/bayesian_machine_learning NULL NULL NULL NULL
11362 GitHub - context-mover/context-mover-distance-and-barycenters https://github.com/context-mover/context-mover-distance-and-barycenters NULL NULL NULL NULL
11363 Text generation with a Variational Autoencoder – Giancarlo Nicola – PhD student in Data Science ('18) https://nicgian.github.io/text-generation-vae/ NULL NULL NULL NULL
11364 GitHub - FudanNLP/Irl_gen: This is implementation of the paper 'Toward Diverse Text Generation with Inverse Reinforcement Learning' https://arxiv.org/abs/1804.11258 IJCAI2018 https://github.com/FudanNLP/Irl_gen NULL NULL NULL NULL
11365 GitHub - yao8839836/text_gcn: Graph Convolutional Networks for Text Classification. AAAI 2019 https://github.com/yao8839836/text_gcn NULL NULL NULL NULL
11366 GitHub - wiseodd/controlled-text-generation: Reproducing Hu, et. al., ICML 2017's "Toward Controlled Generation of Text" https://github.com/wiseodd/controlled-text-generation NULL NULL NULL NULL
11367 texar/examples/text_style_transfer at master · asyml/texar · GitHub https://github.com/asyml/texar/tree/master/examples/text_style_transfer NULL NULL NULL NULL
11368 How to apply Reinforcement Learning to real life planning problems https://medium.freecodecamp.org/how-to-apply-reinforcement-learning-to-real-life-planning-problems-90f8fa3dc0c5 NULL NULL NULL 2019
11369 GitHub - kevin-wayne/algs4: Algorithms, 4th edition textbook code and libraries https://github.com/kevin-wayne/algs4 NULL NULL NULL NULL
11370 Bitbucket https://bitbucket.org/dascim/acl2018_abssumm NULL NULL NULL NULL
11371 Visualizing memorization in RNNs https://distill.pub/2019/memorization-in-rnns/ NULL NULL NULL NULL
11372 GitHub - mp2893/gram: Graph-based Attention Model https://github.com/mp2893/gram NULL NULL NULL NULL
11374 How to code The Transformer in PyTorch https://blog.floydhub.com/the-transformer-in-pytorch/ NULL NULL NULL 2018
11375 PyTorch-BigGraph: Faster embeddings of large graphs https://ai.facebook.com/blog/open-sourcing-pytorch-biggraph-for-faster-embeddings-of-extremely-large-graphs/ NULL NULL NULL NULL
11376 Text summarizer using deep learning made easy – Hacker Noon https://hackernoon.com/text-summarizer-using-deep-learning-made-easy-490880df6cd NULL NULL NULL 2019
11378 (tutorial 3)What is seq2seq for text summarization and why https://hackernoon.com/tutorial-3-what-is-seq2seq-for-text-summarization-and-why-68ebaa644db0 NULL NULL NULL 2019
11379 Multilayer Bidirectional LSTM/GRU for text summarization made easy (tutorial 4) https://medium.com/@theamrzaki/multilayer-bidirectional-lstm-gru-for-text-summarization-made-easy-tutorial-4-a63db108b44f NULL NULL NULL 2019
11380 Principal Component Analysis Tutorial – Algobeans https://algobeans.com/2016/06/15/principal-component-analysis-tutorial/ NULL NULL NULL 2016
11381 k-Nearest Neighbors & Anomaly Detection Tutorial – Algobeans https://algobeans.com/2016/09/14/k-nearest-neighbors-anomaly-detection-tutorial/ NULL NULL NULL 2016
11382 Decision Trees Tutorial – Algobeans https://algobeans.com/2016/07/27/decision-trees-tutorial/ NULL NULL NULL 2016
11383 Self-Organizing Maps Tutorial – Algobeans https://algobeans.com/2017/11/02/self-organizing-map/ NULL NULL NULL 2017
11384 K-Means Clustering Tutorial – Algobeans https://algobeans.com/2015/11/30/k-means-clustering-laymans-tutorial/ NULL NULL NULL 2015
11385 K-Nearest Neighbor (KNN) Tutorial: Anomaly Detection – Algobeans https://algobeans.com/2015/06/22/anomaly-detection-with-predictive-algorithms/ NULL NULL NULL 2015
11386 You Are Who You Like – Algobeans https://algobeans.com/2015/06/01/you-are-who-you-like/ NULL NULL NULL 2015
11387 Principal_component_analysis https://plot.ly/ipython-notebooks/principal-component-analysis/ NULL NULL NULL NULL
11388 GitHub - llSourcell/Dimensionality_Reduction: This is the Code for "Dimensionality Reduction - The Math of Intelligence #5" By Siraj Raval on Youtube https://github.com/llSourcell/Dimensionality_Reduction NULL NULL NULL NULL
11389 Training deep neural networks on a GPU with PyTorch https://medium.com/jovian-io/training-deep-neural-networks-on-a-gpu-with-pytorch-11079d89805 NULL NULL NULL 2019
11390 GitHub - facebookresearch/PyTorch-BigGraph: Software used for generating embeddings from large-scale graph-structured data. https://github.com/facebookresearch/PyTorch-BigGraph NULL NULL NULL NULL
11391 Step-by-Step Tutorial on Image Segmentation Techniques in Python https://www.analyticsvidhya.com/blog/2019/04/introduction-image-segmentation-techniques-python NULL NULL NULL 2019
11392 GitHub - dorajam/Convolutional-Network: A convolutional neural network from scratch https://github.com/dorajam/Convolutional-Network NULL NULL NULL NULL
11393 From Attention in Transformers to Dynamic Routing in Capsule Nets - Samira Abnar https://staff.fnwi.uva.nl/s.abnar/?p=108 NULL NULL NULL 2019
11394 NN SVG http://alexlenail.me/NN-SVG/index.html NULL NULL NULL NULL
11395 A Comprehensive Guide to Convolutional Neural Networks — the ELI5 way https://towardsdatascience.com/a-comprehensive-guide-to-convolutional-neural-networks-the-eli5-way-3bd2b1164a53 NULL NULL NULL 2018
11397 GitHub - allenai/scispacy: A full spaCy pipeline and models for scientific/biomedical documents. https://github.com/allenai/scispacy NULL NULL NULL NULL
11398 GitHub - allenai/scibert: A BERT model for scientific text. https://github.com/allenai/scibert NULL NULL NULL NULL
11399 The Illustrated Word2vec – Jay Alammar – Visualizing machine learning one concept at a time https://jalammar.github.io/illustrated-word2vec/ NULL NULL NULL NULL
11400 17 Amazing Things You Can Do With Machine Learning in Python https://medium.com/dataflair/17-amazing-things-you-can-do-with-machine-learning-in-python-2d3d474d0d6e NULL NULL NULL 2019
11401 GitHub - facebookresearch/flores: Facebook Low Resource (FLoRes) MT Benchmark https://github.com/facebookresearch/flores NULL NULL NULL NULL
11403 GitHub - anoopkunchukuttan/indic_nlp_library: Resources and tools for Indian language Natural Language Processing https://github.com/anoopkunchukuttan/indic_nlp_library NULL NULL NULL NULL
11404 NLP Overview: An integrated platform to learn about modern NLP techniques https://medium.com/dair-ai/nlp-overview-an-integrated-platform-to-learn-about-modern-nlp-techniques-36eefe7062e0 NULL NULL NULL 2018
11405 HMTL: Multi-task learning for state of the art NLP – dair.ai – Medium https://medium.com/dair-ai/hmtl-multi-task-learning-for-state-of-the-art-nlp-245572bbb601 NULL NULL NULL 2018
11406 NLP 2018 Highlights – dair.ai – Medium https://medium.com/dair-ai/nlp-2018-highlights-5a65cbd96671 NULL NULL NULL 2018
11407 GitHub - deepmind/mathematics_dataset https://github.com/deepmind/mathematics_dataset/ NULL NULL NULL NULL
11408 Reinforcement Learning With Python — AI – Rinu Gour – Medium https://medium.com/@rinu.gour123/reinforcement-learning-with-python-ai-e203f21099db NULL NULL NULL 2019
11409 Using Tutorial Data from Google Drive in Colab — PyTorch Tutorials 1.1.0.dev20190501 documentation https://pytorch.org/tutorials/beginner/colab.html NULL NULL NULL NULL
11410 Variational Autoencoder in Pytorch · Infinite n?rm https://chrisorm.github.io/VAE-pyt.html NULL NULL NULL 2017
11414 GitHub - IBM/sciqa-arcade198-dataset: ARCADE198 Dataset from the ACL 2018 MRQA Workshop https://github.com/IBM/sciqa-arcade198-dataset NULL NULL NULL NULL
11416 GitHub - CornellNLP/ASQ: Dataset of personal narratives with Advice Seeking Questions https://github.com/CornellNLP/ASQ NULL NULL NULL NULL
11417 GitHub - lorenlugosch/pretrain_speech_model: Speech Model Pre-training for End-to-End Spoken Language Understanding https://github.com/lorenlugosch/pretrain_speech_model NULL NULL NULL NULL
11418 GitHub - taki0112/Tensorflow-Cookbook: Simple Tensorflow Cookbook for easy-to-use https://github.com/taki0112/Tensorflow-Cookbook NULL NULL NULL NULL
11419 Measuring Audience Sentiments about Movies using Twitter and Text Analytics https://www.analyticsvidhya.com/blog/2017/03/measuring-audience-sentiments-about-movies-using-twitter-and-text-analytics/ NULL NULL NULL 2017
11421 GitHub - duolingo/halflife-regression https://github.com/duolingo/halflife-regression NULL NULL NULL NULL
11422 Multi-Class Text Classification with LSTM – Towards Data Science https://medium.com/@actsusanli/multi-class-text-classification-with-lstm-1590bee1bd17 NULL NULL NULL 2019
11423 Introduction to Word Embeddings – Towards Data Science https://towardsdatascience.com/introduction-to-word-embeddings-4cf857b12edc NULL NULL NULL 2018
11424 Building a Feedforward Neural Network from Scratch in Python https://hackernoon.com/building-a-feedforward-neural-network-from-scratch-in-python-d3526457156b NULL NULL NULL 2019
11425 Deep Learning: Feedforward Neural Networks Explained https://hackernoon.com/deep-learning-feedforward-neural-networks-explained-c34ae3f084f1 NULL NULL NULL 2019
11426 Illustrative Proof of Universal Approximation Theorem https://hackernoon.com/illustrative-proof-of-universal-approximation-theorem-5845c02822f6 NULL NULL NULL 2019
11427 Sigmoid Neuron — Deep Neural Networks – Towards Data Science https://towardsdatascience.com/sigmoid-neuron-deep-neural-networks-a4cd35b629d7 NULL NULL NULL 2019
11428 Implementing The Perceptron Algorithm From Scratch In Python https://hackernoon.com/implementing-the-perceptron-algorithm-from-scratch-in-python-48be2d07b1c0 NULL NULL NULL 2019
11429 Perceptron — Deep Learning Basics – Hacker Noon https://hackernoon.com/perceptron-deep-learning-basics-3a938c5f84b6 NULL NULL NULL 2019
11430 McCulloch Pitts Neuron — Deep Learning Building Blocks https://hackernoon.com/mcculloch-pitts-neuron-deep-learning-building-blocks-7928f4e0504d NULL NULL NULL 2019
11435 Introduction to StanfordNLP with Python Implementation https://www.analyticsvidhya.com/blog/2019/02/stanfordnlp-nlp-library-python/ NULL NULL NULL 2019
11436 ELMo: Contextual Language Embedding https://www.kdnuggets.com/2019/01/elmo-contextual-language-embedding.html NULL NULL NULL NULL
11437 ELMo: Contextual language embedding – Towards Data Science https://towardsdatascience.com/elmo-contextual-language-embedding-335de2268604 NULL NULL NULL 2019
11440 Dimensionality Reduction in Machine Learning – Rinu Gour – Medium https://medium.com/@rinu.gour123/dimensionality-reduction-in-machine-learning-dad03dd46a9e NULL NULL NULL 2019
11441 Neural Networks in 100 lines of pure Python https://eisenjulian.github.io/deep-learning-in-100-lines/ NULL NULL NULL 2019
11444 All you need to know about text preprocessing for NLP and Machine Learning https://medium.freecodecamp.org/all-you-need-to-know-about-text-preprocessing-for-nlp-and-machine-learning-bc1c5765ff67 NULL NULL NULL 2019
11445 Deep Learning for Natural Language Processing Using RNNs & CNNs https://blog.exxactcorp.com/deep-learning-for-natural-language-processing/ NULL NULL NULL NULL
11446 Getting Started with Natural Language Processing Using PyTorch - Exxact https://blog.exxactcorp.com/getting-started-with-natural-language-processing-using-pytorch/ NULL NULL NULL NULL
11447 A Tutorial Introduction to Privacy-Centric Deep Learning -- Exxact Blog https://blog.exxactcorp.com/a-tutorial-introduction-to-privacy-centric-deep-learning/ NULL NULL NULL NULL
11448 commonsenseqa https://www.tau-nlp.org/commonsenseqa NULL NULL NULL NULL
11449 Finding Syntax with Structural Probes · John Hewitt https://nlp.stanford.edu/~johnhew/structural-probe.html NULL NULL NULL 2019
11450 PoMo | PoMo: Generating Entity-Specific Post-Modifiers in Context https://stonybrooknlp.github.io/PoMo/ NULL NULL NULL NULL
11451 GitHub - StonyBrookNLP/PoMo: PoMo: Generating Entity-Specific Post-Modifiers in Context https://github.com/StonyBrookNLP/PoMo NULL NULL NULL NULL
11453 The unreasonable effectiveness of one neuron | Rakesh Chada's Blog https://rakeshchada.github.io/Sentiment-Neuron.html NULL NULL NULL NULL
11454 GitHub - ahmedfgad/NeuralGenetic: Optimizing artificial neural network parameters using the genetic algorithm for the classification of the Fruits360 dataset. The implementation is from scratch using https://github.com/ahmedfgad/NeuralGenetic NULL NULL NULL NULL
11455 [ Archived Post ] Monte Carlo Tree Search – Jae Duk Seo – Medium https://medium.com/@SeoJaeDuk/archived-post-monte-carlo-tree-search-555fc4d0d55 NULL NULL NULL 2019
11456 GitHub - pbsinclair42/MCTS: A simple package to allow users to run Monte Carlo Tree Search on any perfect information domain https://github.com/pbsinclair42/MCTS NULL NULL NULL NULL
11458 GitHub - jphall663/awesome-machine-learning-interpretability: A curated list of awesome machine learning interpretability resources. https://github.com/jphall663/awesome-machine-learning-interpretability NULL NULL NULL NULL
11460 Genetic Algorithm - Explained | Applications & Example - Code Companion https://codecampanion.blogspot.com/2018/12/genetic-algorithm-explained.html NULL NULL NULL NULL
11462 Reading Minds with Deep Learning - FloydHub Blog https://blog.floydhub.com/reading-minds-with-deep-learning/ NULL NULL NULL 2018
11463 Found in translation: FloydHub https://blog.floydhub.com/language-translator/ NULL NULL NULL 2018
11464 Practical guide to hyperparameter searching in Deep Learning https://blog.floydhub.com/guide-to-hyperparameters-search-for-deep-learning-models/ NULL NULL NULL 2018
11465 Asking questions to images with deep learning https://blog.floydhub.com/asking-questions-to-images-with-deep-learning/ NULL NULL NULL 2018
11466 Using Sentence Embeddings to Automate Customer Support, Part One https://blog.floydhub.com/automate-customer-support-part-one/ NULL NULL NULL 2018
11467 Using NLP to Automate Customer Support, Part Two https://blog.floydhub.com/automate-customer-support-part-two/ NULL NULL NULL 2019
11468 A beginner’s guide to Linear Regression in Python with Scikit-Learn https://towardsdatascience.com/a-beginners-guide-to-linear-regression-in-python-with-scikit-learn-83a8f7ae2b4f NULL NULL NULL 2019
11469 Fluent Speech Commands – Fluent.ai Inc. https://www.fluent.ai/research/fluent-speech-commands/ NULL NULL NULL NULL
11470 Biologically-Inspired AI: Optimization and Local Search https://medium.com/cracking-the-data-science-interview/an-introduction-to-optimization-in-intelligent-systems-c1aa408d3ac2 NULL NULL NULL 2019
11471 From Y=X to Building a Complete Artificial Neural Network https://heartbeat.fritz.ai/from-y-x-to-building-a-complete-artificial-neural-network-327da18894af NULL NULL NULL 2019
11473 GitHub - google-research-datasets/paws: This dataset contains 108,463 human-labeled and 656k noisily labeled pairs that feature the importance of modeling structure, context, and word order informatio https://github.com/google-research-datasets/paws NULL NULL NULL NULL
11474 GitHub - korymath/talk-generator: talk-generator is capable of generating coherent slide decks based on a single topic suggestion. https://github.com/korymath/talk-generator NULL NULL NULL NULL
11475 Graduating in GANs: Going from understanding generative adversarial networks to running your own https://towardsdatascience.com/graduating-in-gans-going-from-understanding-generative-adversarial-networks-to-running-your-own-39804c283399 NULL NULL Tutorials 2019
11476 GitHub - metacademy/metacademy-application: Metacademy.org's application code https://github.com/metacademy/metacademy-application NULL NULL NULL NULL
11478 An Introduction to Big Data: Clustering – Cracking The Data Science Interview – Medium https://medium.com/cracking-the-data-science-interview/an-introduction-to-big-data-clustering-1a911b83e590 NULL NULL NULL 2019
11479 GitHub - isi-nlp/universal-cipher-pos-tagging: Code to reproduce experiments in "A Grounded Unsupervised Universal Part-of-Speech Tagger for Low-Resource Languages" https://github.com/isi-nlp/universal-cipher-pos-tagging NULL NULL NULL NULL
11484 How to train Neural Network faster with optimizers? https://towardsdatascience.com/how-to-train-neural-network-faster-with-optimizers-d297730b3713 NULL NULL NULL 2018
11485 Gentle Dive into Math Behind Convolutional Neural Networks https://towardsdatascience.com/gentle-dive-into-math-behind-convolutional-neural-networks-79a07dd44cf9 NULL NULL Tutorials 2019
11487 Perceptron Learning Algorithm | SONAR Data Classification | Edureka https://www.edureka.co/blog/perceptron-learning-algorithm/ NULL NULL NULL NULL
11490 GitHub - jojonki/CNN-Daily-Mail-Reading-Comprehension-Task: CNN/Daily Mail Reading Comprehension Task Code for the paper: A Thorough Examination of the CNN/Daily Mail Reading Comprehension Task. https://github.com/jojonki/CNN-Daily-Mail-Reading-Comprehension-Task NULL NULL NULL NULL
11491 GitHub - facebook/bAbI-tasks: Task generation for testing text understanding and reasoning https://github.com/facebook/bAbI-tasks NULL NULL NULL NULL
11492 GitHub - JafferWilson/Process-Data-of-CNN-DailyMail: This repository holds the output of the repository: https://github.com/abisee/cnn-dailymail https://github.com/JafferWilson/Process-Data-of-CNN-DailyMail NULL NULL NULL NULL
11493 Build an Abstractive Text Summarizer in 94 Lines of Tensorflow !! (Tutorial 6) https://hackernoon.com/build-an-abstractive-text-summarizer-in-94-lines-of-tensorflow-tutorial-6-f0e1b4d88b55 NULL NULL NULL 2019
11494 Beam Search & Attention for text summarization made easy (Tutorial 5) https://hackernoon.com/beam-search-attention-for-text-summarization-made-easy-tutorial-5-3b7186df7086 NULL NULL NULL 2019
11495 Multilayer Bidirectional LSTM/GRU for text summarization made easy (tutorial 4) https://hackernoon.com/multilayer-bidirectional-lstm-gru-for-text-summarization-made-easy-tutorial-4-a63db108b44f NULL NULL NULL 2019
11499 NLP: Contextualized word embeddings from BERT – Towards Data Science https://towardsdatascience.com/nlp-extract-contextualized-word-embeddings-from-bert-keras-tf-67ef29f60a7b NULL NULL NULL 2019
11502 Breaking the curse of small datasets in Machine Learning: Part 1 https://towardsdatascience.com/breaking-the-curse-of-small-datasets-in-machine-learning-part-1-36f28b0c044d NULL NULL NULL 2018
11504 GitHub - bharathgs/Awesome-pytorch-list: A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc. https://github.com/bharathgs/Awesome-pytorch-list NULL NULL NULL NULL
11506 Introduction to Deep Q-Learning for Reinforcement Learning (in Python) https://www.analyticsvidhya.com/blog/2019/04/introduction-deep-q-learning-python/ NULL NULL NULL 2019
11507 8 Pretrained Models to Learn Natural Language Processing (NLP) https://www.analyticsvidhya.com/blog/2019/03/pretrained-models-get-started-nlp/ NULL NULL NULL 2019
11508 AutoML: The Next Wave of Machine Learning – Heartbeat https://heartbeat.fritz.ai/automl-the-next-wave-of-machine-learning-5494baac615f NULL NULL NULL 2019
11509 Earth mover’s distance – Towards Data Science https://towardsdatascience.com/earth-movers-distance-68fff0363ef2 NULL NULL NULL 2019
11511 Comprehensive Introduction to Autoencoders – Towards Data Science https://towardsdatascience.com/generating-images-with-autoencoders-77fd3a8dd368 NULL NULL NULL 2019
11514 A Recipe for Training Neural Networks https://karpathy.github.io/2019/04/25/recipe/ NULL NULL NULL NULL
11516 403 Forbidden https://www.topbots.com/generalized-language-models-tasks-datasets/ NULL NULL Resources NULL
11517 403 Forbidden https://www.topbots.com/generalized-language-models-bert-openai-gpt2/ NULL NULL NULL NULL
11519 GitHub - kk7nc/Text_Classification: Text Classification Algorithms: A Survey https://github.com/kk7nc/Text_Classification NULL NULL NULL NULL
11520 GitHub - ines/spacy-course: https://github.com/ines/spacy-course NULL NULL NULL NULL
11521 Attention Craving RNNS: Building Up To Transformer Networks https://www.kdnuggets.com/2019/04/attention-craving-rnn-building-transformer-networks.html NULL NULL NULL NULL
11522 Type IPA phonetic symbols - online keyboard (all languages) http://ipa.typeit.org/full NULL NULL NULL NULL
11523 GitHub - SIMPATICOProject/simpa: SimPA corpus https://github.com/SIMPATICOProject/simpa NULL NULL NULL NULL
11524 Transposed Convolutions explained with... MS Excel! – Apache MXNet – Medium https://medium.com/apache-mxnet/transposed-convolutions-explained-with-ms-excel-52d13030c7e8 NULL NULL NULL 2018
11525 A Swift Tour | Swift for TensorFlow | TensorFlow https://www.tensorflow.org/swift/tutorials/a_swift_tour NULL NULL NULL NULL
11526 Deep Convolutional Generative Adversarial Network | TensorFlow Core 2.0a | TensorFlow https://www.tensorflow.org/alpha/tutorials/generative/dcgan NULL NULL NULL NULL
11536 Introduction to K-Means Clustering in Python with scikit-learn https://blog.floydhub.com/introduction-to-k-means-clustering-in-python-with-scikit-learn/ NULL NULL NULL 2019
11540 Attention is not not Explanation – Yuval Pinter – Medium https://medium.com/@yuvalpinter/attention-is-not-not-explanation-dbc25b534017 NULL NULL NULL 2019
11541 Everything You Need to Know About Autoencoders in TensorFlow https://towardsdatascience.com/everything-you-need-to-know-about-autoencoders-in-tensorflow-b6a63e8255f0 NULL NULL NULL 2019
11542 Chapter 1 - Introduction to adversarial robustness https://adversarial-ml-tutorial.org/introduction NULL NULL NULL NULL
11543 Chapter 2 - linear models https://adversarial-ml-tutorial.org/linear_models NULL NULL NULL NULL
11544 Chapter 3 - Adversarial examples, solving the inner maximization https://adversarial-ml-tutorial.org/adversarial_examples NULL NULL NULL NULL
11545 Chapter 4 - Adversarial training, solving the outer minimization https://adversarial-ml-tutorial.org/adversarial_training NULL NULL NULL NULL
11548 Word Embeddings : Intuition and (some) maths to understand end-to-end Skip-gram model https://medium.com/@matyasamrouche19/word-embeddings-intuition-and-some-maths-to-understand-end-to-end-skip-gram-model-cab57760c745 NULL NULL NULL 2019
11549 Word Embedding (Part II) : Intuition and (some) maths to understand end-to-end GloVe model https://medium.com/@matyasamrouche19/word-embedding-part-ii-intuition-and-some-maths-to-understand-end-to-end-glove-model-9b08e6bf5c06 NULL NULL NULL 2019
11590 GitHub - Alex-Fabbri/Multi-News: Large-scale multi-document summarization dataset and code https://github.com/Alex-Fabbri/Multi-News NULL NULL NULL NULL
13214 The Power of Attitude Inoculation - Elemental https://elemental.medium.com/the-power-of-attitude-inoculation-5642413fd187 NULL NULL NULL NULL
13215 Could Removing Social Media Metrics Reduce Polarization? https://onezero.medium.com/could-removing-social-media-metrics-reduce-polarization-4d604352c705 NULL NULL NULL 9999
13221 What is Benford’s Law and why is it important for data science? https://www.kdnuggets.com/2019/08/benfords-law-data-science.html NULL NULL NULL 9999
13222 Real-Time Natural Language Understanding with BERT Using TensorRT | NVIDIA Developer Blog https://devblogs.nvidia.com/nlu-with-tensorrt-bert NULL NULL NULL 9999
13223 Training a Neural Network? Start here! – Lavanya.ai https://lavanya.ai/2019/08/10/training-a-neural-network-start-here/ NULL NULL NULL 2019
13224 Bayes Theorem: A Primer – Lavanya.ai https://lavanya.ai/2019/05/16/bayes-theorem/ NULL NULL NULL 2019
13225 Machine Learning —Expectation-Maximization Algorithm (EM) https://medium.com/@jonathan_hui/machine-learning-expectation-maximization-algorithm-em-2e954cb76959 NULL NULL NULL 9999
13226 What are Loss Functions in Machine Learning and How do they Work? https://www.analyticsvidhya.com/blog/2019/08/detailed-guide-7-loss-functions-machine-learning-python-code NULL NULL NULL 2019
13227 New Releases: PyTorch 1.2, torchtext 0.4, torchaudio 0.3, and torchvision 0.4 | PyTorch https://pytorch.org/blog/pytorch-1.2-and-domain-api-release/?! NULL NULL NULL 9999
13228 The Math behind Neural Networks: Part 1 - The Rosenblatt Perceptron - CodeProject https://www.codeproject.com/Articles/4047091/The-Math-behind-Neural-Networks-Part-1-The-Rosenbl NULL NULL NULL 9999
13230 Understanding Activation Functions in Neural Networks https://medium.com/the-theory-of-everything/understanding-activation-functions-in-neural-networks-9491262884e0 NULL NULL NULL 9999
13232 Use torchtext to Load NLP Datasets — Part I - Towards Data Science https://towardsdatascience.com/use-torchtext-to-load-nlp-datasets-part-i-5da6f1c89d84 NULL NULL Not Available NULL 2019
13233 Use torchtext to Load NLP Datasets — Part II - Towards Data Science https://towardsdatascience.com/use-torchtext-to-load-nlp-datasets-part-ii-f146c8b9a496 NULL NULL Not Available NULL 2019
13234 Neural Architecture Search (NAS)- The Future of Deep Learning https://medium.com/@ashiqbuet14/neural-architecture-search-nas-the-future-of-deep-learning-c99356351136 NULL NULL Not Available NULL 2019
13235 GitHub - jasonwu0731/trade-dst: Source code for transferable dialogue state generator (TRADE, Wu et al., 2019). https://arxiv.org/abs/1905.08743 https://github.com/jasonwu0731/trade-dst NULL NULL Not Available NULL 2019
13236 Towards Reproducible Research with PyTorch Hub | PyTorch https://pytorch.org/blog/towards-reproducible-research-with-pytorch-hub NULL NULL Not Available NULL 2019
13237 Implementing Attention Models in PyTorch - Intel Student Ambassadors - Medium https://medium.com/intel-student-ambassadors/implementing-attention-models-in-pytorch-f947034b3e66 NULL NULL Not Available NULL 2019
13238 BERT Word Embeddings Tutorial · Chris McCormick http://mccormickml.com/2019/05/14/BERT-word-embeddings-tutorial/ NULL NULL Not Available NULL 2019
13239 A Gentle Introduction to Deep Learning — [Part 1 ~ Introduction] https://towardsdatascience.com/a-gentle-introduction-to-deep-learning-part-1-introduction-43eb199b0b9 NULL NULL Not Available NULL 2019
13240 A Gentle Introduction to Deep Learning : Part 2 - Towards Data Science https://towardsdatascience.com/a-gentle-introduction-to-deep-learning-part-2-linear-algebra-basics-7139391402c5 NULL NULL Not Available NULL 2019
13241 A Gentle Introduction to Deep Learning : Part 3 - Towards Data Science https://towardsdatascience.com/a-gentle-introduction-to-deep-learning-part-3-977d0fd1ee5c NULL NULL Not Available NULL 2019
13242 A Gentle Introduction to Deep Learning : Part 4 - Towards Data Science https://towardsdatascience.com/a-gentle-introduction-to-deep-learning-part-4-c0044e6793d1 NULL NULL Not Available NULL 2019
13243 Is Optimization a Sufficient Language for Understanding Deep Learning? – Off the convex path http://www.offconvex.org/2019/06/03/trajectories NULL NULL Not Available NULL 2019
13244 Language, trees, and geometry in neural networks https://pair-code.github.io/interpretability/bert-tree/ NULL NULL Not Available NULL 2019
13245 GitHub - benedekrozemberczki/CapsGNN: A PyTorch implementation of "Capsule Graph Neural Network" (ICLR 2019). https://github.com/benedekrozemberczki/CapsGNN NULL NULL Not Available NULL 2019
13246 A Simple Guide On Using BERT for Binary Text Classification. https://medium.com/swlh/a-simple-guide-on-using-bert-for-text-classification-bbf041ac8d04 NULL NULL Not Available NULL 2019
13247 GitHub - ncbi-nlp/BLUE_Benchmark: BLUE benchmark consists of five different biomedicine text-mining tasks with ten corpora. https://github.com/ncbi-nlp/BLUE_Benchmark NULL NULL Not Available NULL 2019
13248 Text Classification Simplified with Facebooka???s FastText - By https://hackernoon.com/text-classification-simplified-with-facebooks-fasttext-b9d3022ac9cb NULL NULL Not Available NULL 2019
13249 Deep Learning with Python and fast.ai, Part 2: NLP Classification with Transfer Learning https://medium.com/datadriveninvestor/deep-learning-with-python-and-fast-ai-part-2-nlp-classification-with-transfer-learning-e7aaf7514e04 NULL NULL Not Available NULL 2019
13250 Deep Learning with Python and fast.ai, Part 1: Image classification with pre-trained model https://medium.com/datadriveninvestor/deep-learning-with-python-and-fast-ai-part-1-image-classification-with-pre-trained-model-cd9364107872 NULL NULL Not Available NULL 2019
13252 403 Forbidden https://eng.uber.com/deconstructing-lottery-tickets/ NULL NULL Not Available NULL 2019
13253 Understanding Capsule Networks — AI’s Alluring New Architecture https://www.freecodecamp.org/news/understanding-capsule-networks-ais-alluring-new-architecture-bdb228173ddc/ NULL NULL Not Available NULL 2019
13254 The Beginner's Guide to Dimensionality Reduction https://idyll.pub/post/dimensionality-reduction-293e465c2a3443e8941b016d/ NULL NULL Not Available NULL 2019
13255 GitHub - mathisonian/dimensionality-reduction: An idyll post all about dimensionality reduction. https://github.com/mathisonian/dimensionality-reduction NULL NULL Not Available NULL 2019
13256 GitHub - google/active-qa https://github.com/google/active-qa NULL NULL Not Available NULL 2019
13257 Are Weights Really Important to Neural Networks? - SyncedReview - Medium https://medium.com/syncedreview/are-weights-really-important-to-neural-networks-c9458a99768a NULL NULL Not Available NULL 2019
13258 https://weightagnostic.github.io/ NULL NULL Not Available NULL 2019
13259 GitHub - eth-sri/dl2: DL2 is a framework that allows training neural networks with logical constraints over numerical values in the network (e.g. inputs, outputs, weights) and to query networks for in https://github.com/eth-sri/dl2 NULL NULL Not Available NULL 2019
13260 Google's Natural Questions https://ai.google.com/research/NaturalQuestions/dataset NULL NULL Not Available NULL 2019
13261 PyViz: Simplifying the Data Visualisation process in Python. https://towardsdatascience.com/pyviz-simplifying-the-data-visualisation-process-in-python-1b6d2cb728f1 NULL NULL Not Available NULL 2019
13263 Linear Regression — Understanding the Theory - Towards Data Science https://towardsdatascience.com/linear-regression-understanding-the-theory-7e53ac2831b5 NULL NULL Not Available NULL 2019
13264 Introduction to Unsupervised Learning - Towards Data Science https://towardsdatascience.com/introduction-to-unsupervised-learning-8f1b189e9050 NULL NULL Not Available NULL 2019
13265 Get Started with Support Vector Machines (SVM) - Towards Data Science https://towardsdatascience.com/get-started-with-support-vector-machines-svm-a1aa4560403b NULL NULL Not Available NULL 2019
13266 Introduction to Support Vector Machine (SVM) - Towards Data Science https://towardsdatascience.com/introduction-to-support-vector-machine-svm-4671e2cf3755 NULL NULL Not Available NULL 2019
13267 Classification (Part 1) — Intro to Logistic Regression https://becominghuman.ai/classification-part-1-intro-to-logistic-regression-f6258791d309 NULL NULL Not Available NULL 2019
13269 Index of /downloads/Antique https://ciir.cs.umass.edu/downloads/Antique/ NULL NULL Not Available NULL 2019
13272 The Python Tutorial — Python 3.7.4 documentation https://docs.python.org/3/tutorial/ NULL NULL Not Available NULL 2019
13273 Scipy Lecture Notes — Scipy lecture notes http://scipy-lectures.org/ NULL NULL Not Available NULL 2019
13276 GitHub - benedekrozemberczki/SGCN: A PyTorch implementation of "Signed Graph Convolutional Network" (ICDM 2018). https://github.com/benedekrozemberczki/SGCN NULL NULL Not Available NULL 2019
13278 What Is Backpropagation? — A Step-By-Step Guide To Backpropagation https://medium.com/edureka/backpropagation-bd2cf8fdde81 NULL NULL Not Available NULL 2019
13279 Recurrent Neural Networks (RNN) Tutorial — Analyzing Sequential Data Using TensorFlow In Python https://medium.com/edureka/recurrent-neural-networks-df945afd7441 NULL NULL Not Available NULL 2019
13280 PyTorch Tutorial — Implementing Deep Neural Networks Using PyTorch https://medium.com/edureka/pytorch-tutorial-9971d66f6893 NULL NULL Not Available NULL 2019
13281 SONAR Data Classification Using Single Layer Perceptrons https://medium.com/edureka/perceptron-learning-algorithm-d30e8b99b156 NULL NULL Not Available NULL 2019
13282 Neural Network Tutorial — Know How To Model A Multi-Layer Neural Network https://medium.com/edureka/neural-network-tutorial-2a46b22394c9 NULL NULL Not Available NULL 2019
13283 Deep Learning With Python - A Comprehensive Guide to Deep Learning https://medium.com/edureka/deep-learning-with-python-2adbf6e9437d NULL NULL Not Available NULL 2019
13284 Artificial Intelligence Tutorial —A Comprehensive Guide To AI https://medium.com/edureka/artificial-intelligence-tutorial-4257c66f5bb1 NULL NULL Not Available NULL 2019
13285 How To Perform Data Compression Using Autoencoders? https://medium.com/edureka/autoencoders-tutorial-cfdcebdefe37 NULL NULL Not Available NULL 2019
13286 Not Acceptable! http://www.adeveloperdiary.com/data-science/machine-learning/understand-and-implement-the-backpropagation-algorithm-from-scratch-in-python/ NULL NULL Not Available NULL 2019
13287 Not Acceptable! http://www.adeveloperdiary.com/data-science/deep-learning/implement-neural-network-using-pytorch/ NULL NULL Not Available NULL 2019
13288 Not Acceptable! http://www.adeveloperdiary.com/data-science/deep-learning/neural-network-with-softmax-in-python/ NULL NULL Not Available NULL 2019
13293 Backpropagation for dummies | Sachin Joglekar's blog https://codesachin.wordpress.com/2015/12/06/backpropagation-for-dummies/ NULL NULL Not Available NULL 2019
13294 403 Forbidden https://machinelearningmastery.com/implement-backpropagation-algorithm-scratch-python/ NULL NULL Not Available NULL 2019
13295 A beginner’s guide to deriving and implementing backpropagation https://medium.com/binaryandmore/beginners-guide-to-deriving-and-implementing-backpropagation-e3c1a5a1e536 NULL NULL Not Available NULL 2019
13297 Introduction to recurrent neural networks. https://www.jeremyjordan.me/introduction-to-recurrent-neural-networks/ NULL NULL Not Available NULL 2019
13298 Introduction to autoencoders. https://www.jeremyjordan.me/autoencoders/ NULL NULL Not Available NULL 2019
13299 Implementations of Monte Carlo and Temporal Difference learning. https://www.jeremyjordan.me/rl-learning-implementations/ NULL NULL Not Available NULL 2019
13300 Overview of reinforcement learning. https://www.jeremyjordan.me/overview-of-reinforcement-learning/ NULL NULL Not Available NULL 2019
13301 Principal components analysis (PCA). https://www.jeremyjordan.me/principal-components-analysis/ NULL NULL Not Available NULL 2019
13302 Support vector machines. https://www.jeremyjordan.me/support-vector-machines/ NULL NULL Not Available NULL 2019
13303 Logistic regression. https://www.jeremyjordan.me/logistic-regression/ NULL NULL Not Available NULL 2019
13304 Naive Bayes classification. https://www.jeremyjordan.me/naive-bayes-classification/ NULL NULL Not Available NULL 2019
13305 Gradient descent. https://www.jeremyjordan.me/gradient-descent/ NULL NULL Not Available NULL 2019
13306 Convolutional neural networks. https://www.jeremyjordan.me/convolutional-neural-networks/ NULL NULL Not Available NULL 2019
13307 Setting the learning rate of your neural network. https://www.jeremyjordan.me/nn-learning-rate/ NULL NULL Not Available NULL 2019
13308 Identifying related bodies of text using TF-IDF vectorization. https://www.jeremyjordan.me/identifying-related-bodies-of-text-using-tf-idf-vectorization/ NULL NULL Not Available NULL 2019
13309 SQL for data analysis. https://www.jeremyjordan.me/sql/ NULL NULL Not Available NULL 2019
13310 Implementing a flexible neural network with backpropagation from scratch https://blog.zhaytam.com/2018/08/15/implement-neural-network-backpropagation/ NULL NULL Not Available NULL 2019
13312 Coding Games and Programming Challenges to Code Better https://www.codingame.com/playgrounds/9487/deep-learning-from-scratch---theory-and-implementation/gradient-descent-and-backpropagation NULL NULL Not Available NULL 2019
13313 Coding Games and Programming Challenges to Code Better https://www.codingame.com/playgrounds/9487/deep-learning-from-scratch---theory-and-implementation/multi-layer-perceptrons NULL NULL Not Available NULL 2019
13314 Coding Games and Programming Challenges to Code Better https://www.codingame.com/playgrounds/9487/deep-learning-from-scratch---theory-and-implementation/tensorflow NULL NULL Not Available NULL 2019
13315 Coding Games and Programming Challenges to Code Better https://www.codingame.com/playgrounds/9487/deep-learning-from-scratch---theory-and-implementation/training-criterion NULL NULL Not Available NULL 2019
13316 Coding Games and Programming Challenges to Code Better https://www.codingame.com/playgrounds/9487/deep-learning-from-scratch---theory-and-implementation/perceptrons NULL NULL Not Available NULL 2019
13317 Coding Games and Programming Challenges to Code Better https://www.codingame.com/playgrounds/9487/deep-learning-from-scratch---theory-and-implementation/computational-graphs NULL NULL Not Available NULL 2019
13318 Machine Learning with Python: Backpropagation in Neural Network https://www.python-course.eu/neural_networks_backpropagation.php NULL NULL Not Available NULL 2019
13319 Machine Learning with Python: Principal Component Analysis in Python https://www.python-course.eu/principal_component_analysis.php NULL NULL Not Available NULL 2019
13320 How to build a three-layer neural network from scratch https://www.freecodecamp.org/news/building-a-3-layer-neural-network-from-scratch-99239c4af5d3/ NULL NULL Not Available NULL 2019
13321 A friendly introduction to Backpropagation in Python https://becominghuman.ai/a-friendly-introduction-to-backpropagation-in-python-8fb4d6eebc5e NULL NULL Not Available NULL 2019
13322 Cristian Dima - Neural networks from scratch in Python http://www.cristiandima.com/neural-networks-from-scratch-in-python/ NULL NULL Not Available NULL 2019
13323 ML From Scratch, Part 3: Backpropagation - OranLooney.com http://www.oranlooney.com/post/ml-from-scratch-part-3-backpropagation/ NULL NULL Not Available NULL 2019
13324 ML From Scratch, Part 2: Logistic Regression - OranLooney.com http://www.oranlooney.com/post/ml-from-scratch-part-2-logistic-regression/ NULL NULL Not Available NULL 2019
13325 ML From Scratch, Part 5: Gaussian Mixture Models - OranLooney.com http://www.oranlooney.com/post/ml-from-scratch-part-5-gmm/ NULL NULL Not Available NULL 2019
13326 ML From Scratch, Part 4: Decision Trees - OranLooney.com http://www.oranlooney.com/post/ml-from-scratch-part-4-decision-tree/ NULL NULL Not Available NULL 2019
13327 ML From Scratch, Part 0: Introduction - OranLooney.com http://www.oranlooney.com/post/ml-from-scratch-part-0-introduction/ NULL NULL Not Available NULL 2019
13328 ML From Scratch, Part 1: Linear Regression - OranLooney.com http://www.oranlooney.com/post/ml-from-scratch-part-1-linear-regression/ NULL NULL Not Available NULL 2019
13329 Creating a Neural Network from Scratch in Python https://stackabuse.com/creating-a-neural-network-from-scratch-in-python/ NULL NULL Not Available NULL 2019
13330 Understanding Transformers in NLP: State-of-the-Art Models https://www.analyticsvidhya.com/blog/2019/06/understanding-transformers-nlp-state-of-the-art-models NULL NULL Not Available NULL 2019
13331 The Data Fabric for Machine Learning. Part 1-b: Deep Learning on Graphs. https://towardsdatascience.com/the-data-fabric-for-machine-learning-part-1-b-deep-learning-on-graphs-309316774fe7 NULL NULL Not Available NULL 2019
13332 The Data Fabric for Machine Learning. Part 1. - Towards Data Science https://towardsdatascience.com/the-data-fabric-for-machine-learning-part-1-2c558b7035d7 NULL NULL Not Available NULL 2019
13333 Long Short-Term Memory: From Zero to Hero with PyTorch https://blog.floydhub.com/long-short-term-memory-from-zero-to-hero-with-pytorch NULL NULL Not Available NULL 2019
13334 Introduction to Genetic Algorithms https://blog.floydhub.com/introduction-to-genetic-algorithms/ NULL NULL Not Available NULL 2019
13335 Beginner’s Guide on Recurrent Neural Networks with PyTorch https://blog.floydhub.com/a-beginners-guide-on-recurrent-neural-networks-with-pytorch/ NULL NULL Not Available NULL 2019
13345 Generating Commencement Speeches with Markov Chains on FloydHub https://blog.floydhub.com/markov-chains/ NULL NULL Not Available NULL 2019
13346 403 Forbidden https://machinelearningmastery.com/what-are-generative-adversarial-networks-gans NULL NULL Not Available NULL 2019
13347 GitHub - goodfeli/dlbook_exercises: Exercises for the Deep Learning textbook at www.deeplearningbook.org https://github.com/goodfeli/dlbook_exercises NULL NULL Not Available NULL 2019
13349 How to implement the backpropagation using Python and NumPy – Microsoft Faculty Connection https://blogs.msdn.microsoft.com/uk_faculty_connection/2017/07/04/how-to-implement-the-backpropagation-using-python-and-numpy/ NULL NULL Not Available NULL 2019
13350 Simplifying Google AI's Best Paper from ICML 2019 https://www.analyticsvidhya.com/blog/2019/06/simplifying-google-ai-best-paper-icml-2019 NULL NULL Not Available NULL 2019
13351 Event2Mind: Commonsense Inference on Events, Intents and Reactions https://uwnlp.github.io/event2mind/ NULL NULL Not Available NULL 2019
13352 MathQA-Dataset https://math-qa.github.io/math-QA/ NULL NULL Not Available NULL 2019
13353 GitHub - asafamr/bertwsi: Word Sense Induction with BERT MLM https://github.com/asafamr/bertwsi NULL NULL Not Available NULL 2019
13354 GitHub - blei-lab/causal-text-embeddings: Software and data for "Using Text Embeddings for Causal Inference" https://github.com/blei-lab/causal-text-embeddings NULL NULL Not Available NULL 2019
13355 pytorch-transformers/notebooks at master · huggingface/pytorch-transformers · GitHub https://github.com/huggingface/pytorch-pretrained-BERT/tree/master/notebooks NULL NULL Not Available NULL 2019
13356 Defending Against Neural Fake News https://rowanzellers.com/grover/ NULL NULL Not Available NULL 2019
13357 GitHub - pmichel31415/jsalt-2019-mt-tutorial: MT Tutorial for the JSALT 2019 Summer School https://github.com/pmichel31415/jsalt-2019-mt-tutorial NULL NULL Not Available NULL 2019
13358 Generative Adversarial Networks - The Story So Far https://blog.floydhub.com/gans-story-so-far/? NULL NULL Not Available NULL 2019
13359 GitHub - atcbosselut/comet-commonsense: Code for ACL 2019 Paper: "COMET: Commonsense Transformers for Automatic Knowledge Graph Construction" https://arxiv.org/abs/1906.05317 https://github.com/atcbosselut/comet-commonsense NULL NULL Not Available NULL 2019
13360 GitHub - markriedl/easygen https://github.com/markriedl/easygen NULL NULL Not Available NULL 2019
13361 Neural networks for solving differential equations - Becoming Human: Artificial Intelligence Magazine https://becominghuman.ai/neural-networks-for-solving-differential-equations-fa230ac5e04c NULL NULL Not Available NULL 2019
13362 Making a Simple Neural Network - Becoming Human: Artificial Intelligence Magazine https://becominghuman.ai/making-a-simple-neural-network-2ea1de81ec20 NULL NULL Not Available NULL 2019
13363 Let’s build a simple Neural Net! - Becoming Human: Artificial Intelligence Magazine https://becominghuman.ai/lets-build-a-simple-neural-net-f4474256647f NULL NULL Not Available NULL 2019
13364 Neural Net from scratch (using Numpy) - Towards Data Science https://towardsdatascience.com/neural-net-from-scratch-using-numpy-71a31f6e3675 NULL NULL Not Available NULL 2019
13365 Guest Post (Part I): Demystifying Deep Reinforcement Learning - Intel AI https://www.intel.ai/demystifying-deep-reinforcement-learning/ NULL NULL Not Available NULL 2019
13366 Guest Post (Part II): Deep Reinforcement Learning with Neon - Intel AI https://www.intel.ai/deep-reinforcement-learning-with-neon/ NULL NULL Not Available NULL 2019
13367 Receiver Operating Characteristic Curves Demystified (in Python) https://towardsdatascience.com/receiver-operating-characteristic-curves-demystified-in-python-bd531a4364d0 NULL NULL Not Available NULL 2019
13368 The Basics of Recurrent Neural Networks (RNNs) - Towards AI - Medium https://medium.com/towards-artificial-intelligence/whirlwind-tour-of-rnns-a11effb7808f NULL NULL Not Available NULL 2019
13369 Nothing but NumPy: Understanding & Creating Neural Networks with Computational Graphs from Scratch https://medium.com/@rafayak/nothing-but-numpy-understanding-creating-neural-networks-with-computational-graphs-from-scratch-6299901091b0 NULL NULL Not Available NULL 2019
13370 GitHub - RafayAK/NothingButNumPy: This repo is part of the a blog post "Nothing but NumPy: Understanding & Creating neural networks with computational graphs from scratch" https://github.com/RafayAK/NothingButNumPy NULL NULL Not Available NULL 2019
13371 Introducing MASS – A pre-training method that outperforms BERT and GPT in sequence to sequence language generation tasks - Microsoft Research https://www.microsoft.com/en-us/research/blog/introducing-mass-a-pre-training-method-that-outperforms-bert-and-gpt-in-sequence-to-sequence-language-generation-tasks/ NULL NULL Not Available NULL 2019
13372 A Visual Intro to NumPy and Data Representation – Jay Alammar – Visualizing machine learning one concept at a time http://jalammar.github.io/visual-numpy/ NULL NULL Not Available NULL 2019
13373 Basic NLP with NLTK | Kaggle https://www.kaggle.com/alvations/basic-nlp-with-nltk NULL NULL Not Available NULL 2019
13374 Google AI Blog: Innovations in Graph Representation Learning https://ai.googleblog.com/2019/06/innovations-in-graph-representation.html NULL NULL Not Available NULL 2019
13375 Neural Networks Learning the Basics Part 0 – Sam's Blog https://samzee.net/2019/02/17/neural-networks-learning-the-basics-part-0/ NULL NULL Not Available NULL 2019
13376 Neural Networks Learning The Basics : Layers, Matrix Multiplication – Sam's Blog https://samzee.net/2019/02/17/neural-networks-basics-part-1-layers/ NULL NULL Not Available NULL 2019
13377 Neural Networks Learning The Basics : Layers, Activation – Sam's Blog https://samzee.net/2019/02/18/neural-networks-learning-the-basics-layers-activation/ NULL NULL Not Available NULL 2019
13378 Neural Networks Learning The Basics: Gradient Descent and Stochastic Gradient Descent – Sam's Blog https://samzee.net/2019/02/23/neural-networks-learning-the-basics-gradient-descent-and-stochastic-gradient-descent/ NULL NULL Not Available NULL 2019
13379 Neural Networks Learning The Basics: Backpropagation – Sam's Blog https://samzee.net/2019/02/20/neural-networks-learning-the-basics-backpropagation/ NULL NULL Not Available NULL 2019
13380 Neural Networks Learning The Basics: The Playground – Sam's Blog https://samzee.net/2019/03/01/neural-network-playground/ NULL NULL Not Available NULL 2019
13383 The OpenAI GPT 2 Controversy - Examining The Transformer Architecture https://blog.exxactcorp.com/transformer-architecture-part-1/ NULL NULL Not Available NULL 2019
13384 How Do Transformers Work? Part 2: Examining Transformer Architecture https://blog.exxactcorp.com/transformer-architecture-part-2/ NULL NULL Not Available NULL 2019
13385 Training a Transformer Model from Scratch in Docker with TensorFlow https://blog.exxactcorp.com/examining-the-transformer-architecture-part-3-training-a-transformer-network-from-scratch-in-docker NULL NULL Not Available NULL 2019
13388 Meta Reinforcement Learning https://lilianweng.github.io/lil-log/2019/06/23/meta-reinforcement-learning.html NULL NULL Not Available NULL 2019
13389 GitHub - rowanz/grover: Code for Defending Against Neural Fake News, https://rowanzellers.com/grover/ https://github.com/rowanz/grover NULL NULL Not Available NULL 2019
13390 Distilling BERT — How to achieve BERT performance using Logistic Regression https://towardsdatascience.com/distilling-bert-how-to-achieve-bert-performance-using-logistic-regression-69a7fc14249d NULL NULL Not Available NULL 2019
13391 Unifying Word Embeddings and Matrix Factorization — Part 2 https://medium.com/radix-ai-blog/unifying-word-embeddings-and-matrix-factorization-part-2-a0174ace78b8 NULL NULL Not Available NULL 2019
13392 Unifying Word Embeddings and Matrix Factorization — Part 3 https://medium.com/radix-ai-blog/unifying-word-embeddings-and-matrix-factorization-part-3-4269d9a07470 NULL NULL Not Available NULL 2019
13393 GitHub - clarkkev/attention-analysis https://github.com/clarkkev/attention-analysis NULL NULL Not Available NULL 2019
13394 Machine Learning on Graphs - Neo4j Developer Blog - Medium https://medium.com/neo4j/machine-learning-on-graphs-fca6eeb8f1d1 NULL NULL Not Available NULL 2019
13395 GitHub - nlptown/nlp-notebooks: A collection of notebooks for Natural Language Processing from NLP Town https://github.com/nlptown/nlp-notebooks NULL NULL Not Available NULL 2019
13397 Bash Guide for Beginners http://www.tldp.org/LDP/Bash-Beginners-Guide/html/ NULL NULL Not Available NULL 2019
13398 Basics of BASH for Beginners. - Towards Data Science https://towardsdatascience.com/basics-of-bash-for-beginners-92e53a4c117a NULL NULL Not Available NULL 2019
13399 What is text similarity? | Kavita Ganesan http://kavita-ganesan.com/what-is-text-similarity NULL NULL Not Available NULL 2019
13400 What is ROUGE and how it works for evaluation of summaries? | Kavita Ganesan http://kavita-ganesan.com/what-is-rouge-and-how-it-works-for-evaluation-of-summaries/ NULL NULL Not Available NULL 2019
13402 Useful tips on using MEAD Summarization Toolkit | Kavita Ganesan http://kavita-ganesan.com/mead NULL NULL Not Available NULL 2019
13403 How to incorporate phrases into Word2Vec - a text mining approach | Kavita Ganesan http://kavita-ganesan.com/how-to-incorporate-phrases-into-word2vec-a-text-mining-approach/ NULL NULL Not Available NULL 2019
13404 Gensim Word2Vec Tutorial - Full Working Example | Kavita Ganesan http://kavita-ganesan.com/gensim-word2vec-tutorial-starter-code/ NULL NULL Not Available NULL 2019
13405 Tutorial: Extracting Keywords with TF-IDF and Python's Scikit-Learn http://kavita-ganesan.com/extracting-keywords-from-text-tfidf/ NULL NULL Not Available NULL 2019
13406 How to Use Tfidftransformer & Tfidfvectorizer - A Short Tutorial | Kavita Ganesan http://kavita-ganesan.com/tfidftransformer-tfidfvectorizer-usage-differences/ NULL NULL Not Available NULL 2019
13407 WMD_tutorial https://markroxor.github.io/gensim/static/notebooks/WMD_tutorial.html NULL NULL Not Available NULL 2019
13416 Understanding Entity Embeddings and It’s Application https://towardsdatascience.com/understanding-entity-embeddings-and-its-application-69e37ae1501d NULL NULL Not Available NULL 2019
13417 Sentence Embeddings. Fast, please! - Towards Data Science https://towardsdatascience.com/fse-2b1ffa791cf9 NULL NULL Not Available NULL 2019
13419 Machine Learning for Beginners: An Introduction to Neural Networks - victorzhou.com https://victorzhou.com/blog/intro-to-neural-networks/ NULL NULL Not Available NULL 2019
13420 A Simple Explanation of Information Gain and Entropy - victorzhou.com https://victorzhou.com/blog/information-gain/ NULL NULL Not Available NULL 2019
13421 CNNs, Part 2: Training a Convolutional Neural Network - victorzhou.com https://victorzhou.com/blog/intro-to-cnns-part-2/ NULL NULL Not Available NULL 2019
13422 SIMPLE TENSORFLOW TUTORIAL - Lankinen - Medium https://medium.com/@lankinen/simple-tensorflow-tutorial-56f22990d440 NULL NULL Not Available NULL 2019
13423 Quickstart tutorial — NumPy v1.17 Manual https://docs.scipy.org/doc/numpy/user/quickstart.html NULL NULL Not Available NULL 2019
13424 Bias-Variance: A Comprehensive Graphical Representation | Gadictos https://gadictos.com/bias-variance/ NULL NULL Not Available NULL 2019
13425 Building a Feedforward Neural Network using Pytorch NN Module https://www.marktechpost.com/2019/06/30/building-a-feedforward-neural-network-using-pytorch-nn-module NULL NULL Not Available NULL 2019
13426 Building State-of-the-Art Language Models with BERT https://medium.com/saarthi-ai/bert-how-to-build-state-of-the-art-language-models-59dddfa9ac5d NULL NULL Not Available NULL 2019
13427 Why do Transformers yield Superior Sequence to Sequence(Seq2Seq)Results? https://medium.com/saarthi-ai/transformers-attention-based-seq2seq-machine-translation-a28940aaa4fe NULL NULL Not Available NULL 2019
13428 Transformer-XL : Unlocking Long-term Dependencies for Effective Language Modelling https://medium.com/saarthi-ai/a-quick-look-into-transformer-xl-57b3e84cdf99 NULL NULL Not Available NULL 2019
13429 A Quick Introduction to Numpy - Dhairya Patel - Medium https://medium.com/@dhairyapatel_78047/a-quick-introduction-to-numpy-b303e7665822 NULL NULL Not Available NULL 2019
13430 Custom Named Entity Recognition Using spaCy - Towards Data Science https://towardsdatascience.com/custom-named-entity-recognition-using-spacy-7140ebbb3718 NULL NULL Not Available NULL 2019
13431 Learn Web Scraping using Python in under 5 minutes - Kaustumbh Jaiswal - Medium https://medium.com/@kaustumbhjaiswal7/learn-web-scraping-using-python-in-under-5-minutes-36a7d4d6e1e7 NULL NULL Not Available NULL 2019
13432 Bias Variance Trade-off [Part 1] – My Journey with Deep Learning and Computer Vision https://expoundai.wordpress.com/2019/05/20/bias-variance-trade-off-part-1/ NULL NULL Not Available NULL 2019
13433 Back-propagation Demystified [Part 1] – My Journey with Deep Learning and Computer Vision https://expoundai.wordpress.com/2019/05/19/back-propagation-demystified-part-1/ NULL NULL Not Available NULL 2019
13434 Back-propagation Demystified [Part 2] – My Journey with Deep Learning and Computer Vision https://expoundai.wordpress.com/2019/07/01/back-propagation-demystified-part-2/ NULL NULL Not Available NULL 2019
13438 Maxima vs Minima and Global vs Local – My Journey with Deep Learning and Computer Vision https://expoundai.wordpress.com/2019/04/27/maxima-vs-minima-and-global-vs-local/ NULL NULL Not Available NULL 2019
13439 PageRank Algorithm - The Mathematics of Google Search http://pi.math.cornell.edu/~mec/Winter2009/RalucaRemus/Lecture3/lecture3.html NULL NULL Not Available NULL 2019
13440 Building a Recommender System, Part 2 https://www.kdnuggets.com/2019/07/building-recommender-system-part-2.html NULL NULL Not Available NULL 2019
13441 Building a Recommender System https://www.kdnuggets.com/2019/04/building-recommender-system.html NULL NULL Not Available NULL 2019
13442 404: Page not found | Daniel Daza https://dfdazac.github.io/sinkhorn.htm NULL NULL Not Available NULL 2019
13443 Dimensionality Reduction For Dummies — Part 1: Intuition https://towardsdatascience.com/https-medium-com-abdullatif-h-dimensionality-reduction-for-dummies-part-1-a8c9ec7b7e79 NULL NULL Not Available NULL 2019
13444 Dimensionality Reduction For Dummies — Part 2: Laying The Bricks https://towardsdatascience.com/dimensionality-reduction-for-dummies-part-2-3b1e3490bdc9 NULL NULL Not Available NULL 2019
13445 Dimensionality Reduction For Dummies — Part 3: Connect The Dots https://towardsdatascience.com/dimensionality-reduction-for-dummies-part-3-f25729f74c0a NULL NULL Not Available NULL 2019
13446 Explain NLP models with LIME & SHAP - Towards Data Science https://towardsdatascience.com/explain-nlp-models-with-lime-shap-5c5a9f84d59b NULL NULL Not Available NULL 2019
13447 Lime - multiclass https://marcotcr.github.io/lime/tutorials/Lime%20-%20multiclass.html NULL NULL Not Available NULL 2019
13448 Aspects of language captured by BERT - dair.ai - Medium https://medium.com/dair-ai/aspects-of-language-captured-by-bert-32bc3c54016f NULL NULL Not Available NULL 2019
13449 Linear Algebra. SVD and PCA - Machine Learning World - Medium https://towardsdatascience.com/linear-algebra-svd-and-pca-5979f739e95a NULL NULL Not Available NULL 2019
13450 403 Forbidden https://machinelearningmastery.com/how-to-develop-a-conditional-generative-adversarial-network-from-scratch NULL NULL Not Available NULL 2019
13451 Scrapy 1.7 documentation — Scrapy 1.7.3 documentation https://docs.scrapy.org/en/latest/index.html NULL NULL Not Available NULL 2019
13452 GitHub - kavgan/phrase-at-scale: Detect common phrases in large amounts of text using a data-driven approach. Size of discovered phrases can be arbitrary. Can be used in languages other than English https://github.com/kavgan/phrase-at-scale NULL NULL Not Available NULL 2019
13453 GitHub - javedqadruddin/person2vec https://github.com/javedqadruddin/person2vec NULL NULL Not Available NULL 2019
13454 Matrices as Tensor Network Diagrams https://www.math3ma.com/blog/matrices-as-tensor-network-diagrams NULL NULL Not Available NULL 2019
13455 Sucuri WebSite Firewall - Access Denied https://labs.eleks.com/2018/02/how-to-build-nlp-engine-that-wont-screw-up.html NULL NULL Not Available NULL 2019
13456 GitHub - RaRe-Technologies/gensim-data: Data repository for pretrained NLP models and NLP corpora. https://github.com/RaRe-Technologies/gensim-data NULL NULL Not Available NULL 2019
13457 Bayesian inference problem, MCMC and variational inference https://towardsdatascience.com/bayesian-inference-problem-mcmc-and-variational-inference-25a8aa9bce29 NULL NULL Not Available NULL 2019
13458 Chapter 3: Probability and Information Theory - Willam Green - Medium https://medium.com/@dskswu/chapter-3-probability-and-information-theory-ecad8b1aeefe NULL NULL Not Available NULL 2019
13459 Linear Algebra! Ain’t Nobody Got The Time For That - Willam Green - Medium https://medium.com/@dskswu/linear-algebra-aint-nobody-got-the-time-for-that-ee0c98cfdf25 NULL NULL Not Available NULL 2019
13460 Scalars, Vectors and Matrices, oh my! - Willam Green - Medium https://medium.com/@dskswu/scalars-vectors-and-matrices-oh-my-9054d2bda1f9 NULL NULL Not Available NULL 2019
13461 GitHub - mikhailklassen/Mining-the-Social-Web-3rd-Edition: The official online compendium for Mining the Social Web, 3rd Edition (O'Reilly, 2018) https://github.com/mikhailklassen/Mining-the-Social-Web-3rd-Edition NULL NULL Not Available NULL 2019
13462 Tutorial: Quickstart — TextBlob 0.15.2 documentation https://textblob.readthedocs.io/en/dev/quickstart.html NULL NULL Not Available NULL 2019
13464 TensorFlow Tutorial — A Comprehensive Guide To Deep Learning Using TensorFlow https://medium.com/edureka/tensorflow-tutorial-ba142ae96bca NULL NULL Not Available NULL 2019
13465 Convolutional Neural Network (CNN) — Developing An Image Classifier In Python Using TensorFlow https://medium.com/edureka/convolutional-neural-network-3f2c5b9c4778 NULL NULL Not Available NULL 2019
13466 Capsule Neural Networks - Set of Nested Neural Layers https://medium.com/edureka/capsule-networks-d7acd437c9e NULL NULL Not Available NULL 2019
13467 Restricted Boltzmann Machine Tutorial — A Beginner’s Guide To RBM https://medium.com/edureka/restricted-boltzmann-machine-tutorial-991ae688c154 NULL NULL Not Available NULL 2019
13468 PyTorch v/s TensorFlow - Which Is The Better Framework? https://medium.com/edureka/pytorch-vs-tensorflow-252fc6675dd7 NULL NULL Not Available NULL 2019
13469 Artificial Intelligence Algorithms For Beginners | Edureka https://www.edureka.co/blog/artificial-intelligence-algorithms/ NULL NULL Not Available NULL 2019
13470 GitHub - benedekrozemberczki/AttentionWalk: A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018). https://github.com/benedekrozemberczki/AttentionWalk NULL NULL Not Available NULL 2019
13471 Deep Learning With Python | The all you need to know Tutorial | Edureka https://www.edureka.co/blog/deep-learning-with-python/ NULL NULL Not Available NULL 2019
13472 403 Forbidden https://machinelearningmastery.com/tour-of-generative-adversarial-network-models/ NULL NULL Not Available NULL 2019
13473 Linear Algebra. SVD and PCA - Machine Learning World - Medium https://medium.com/machine-learning-world/linear-algebra-svd-and-pca-5979f739e95a NULL NULL Not Available NULL 2019
13474 An Introduction to Probability & Statistics https://skerritt.blog/an-introduction-to-probability-statistics/ NULL NULL Not Available NULL 2019
13475 Understand how the XLNet outperforms BERT in Language Modelling https://medium.com/saarthi-ai/xlnet-the-permutation-language-model-b30f5b4e3c1e NULL NULL Not Available NULL 2019
13476 Tutorial : Building a custom OCR using YOLO and Tesseract https://medium.com/saarthi-ai/how-to-build-your-own-ocr-a5bb91b622ba NULL NULL Not Available NULL 2019
13477 A Gentle Intro to PyTorch - Gaurav's Blog http://blog.gaurav.im/2017/04/24/a-gentle-intro-to-pytorch/ NULL NULL Not Available NULL 2019
13479 Deep Learning without Backpropagation - i am trask http://iamtrask.github.io/2017/03/21/synthetic-gradients/ NULL NULL Not Available NULL 2019
13480 Tutorial: Deep Learning in PyTorch - i am trask http://iamtrask.github.io/2017/01/15/pytorch-tutorial/ NULL NULL Not Available NULL 2019
13481 Anyone Can Learn To Code an LSTM-RNN in Python (Part 1: RNN) - i am trask http://iamtrask.github.io/2015/11/15/anyone-can-code-lstm/ NULL NULL Not Available NULL 2019
13482 A Neural Network in 13 lines of Python (Part 2 - Gradient Descent) - i am trask http://iamtrask.github.io/2015/07/27/python-network-part2/ NULL NULL Not Available NULL 2019
13483 Linear algebra cheat sheet for deep learning - Towards Data Science https://towardsdatascience.com/linear-algebra-cheat-sheet-for-deep-learning-cd67aba4526c NULL NULL Not Available NULL 2019
13484 Can neural networks solve any problem? - Towards Data Science https://towardsdatascience.com/can-neural-networks-really-learn-any-function-65e106617fc6 NULL NULL Not Available NULL 2019
13485 Linear Regression using Python - Towards Data Science https://towardsdatascience.com/linear-regression-using-python-b136c91bf0a2 NULL NULL Not Available NULL 2019
13486 Deep Learning Best Practices: Activation Functions & Weight Initialization Methods — Part 1 https://medium.com/datadriveninvestor/deep-learning-best-practices-activation-functions-weight-initialization-methods-part-1-c235ff976ed NULL NULL Not Available NULL 2019
13487 GitHub - ddbourgin/numpy-ml: Machine learning, in numpy https://github.com/ddbourgin/numpy-ml NULL NULL Not Available NULL 2019
13488 Dynamic Meta Embeddings - Towards Data Science https://medium.com/@eliorcohen/dynamic-meta-embeddings-f97e2c682187 NULL NULL Not Available NULL 2019
13489 Neural Networks from Scratch. Easy vs hard - Towards Data Science https://towardsdatascience.com/neural-networks-from-scratch-easy-vs-hard-b26ddc2e89c7 NULL NULL Not Available NULL 2019
13490 Build the right Autoencoder — Tune and Optimize using PCA principles. Part I https://towardsdatascience.com/build-the-right-autoencoder-tune-and-optimize-using-pca-principles-part-i-1f01f821999b NULL NULL Not Available NULL 2019
13491 Build the right Autoencoder — Tune and Optimize using PCA principles. Part II https://towardsdatascience.com/build-the-right-autoencoder-tune-and-optimize-using-pca-principles-part-ii-24b9cca69bd6 NULL NULL Not Available NULL 2019
13492 Understanding Convolution in Deep Learning — Tim Dettmers https://timdettmers.com/2015/03/26/convolution-deep-learning/ NULL NULL Not Available NULL 2019
13494 A Full Hardware Guide to Deep Learning — Tim Dettmers https://timdettmers.com/2018/12/16/deep-learning-hardware-guide/ NULL NULL Not Available NULL 2019
13495 Which GPU(s) to Get for Deep Learning https://timdettmers.com/2019/04/03/which-gpu-for-deep-learning/ NULL NULL Not Available NULL 2019
13496 Building NLP Content-Based Recommender Systems - Armand Olivares - Medium https://medium.com/@armandj.olivares/building-nlp-content-based-recommender-systems-b104a709c042 NULL NULL Not Available NULL 2019
13498 403 Forbidden https://machinelearningmastery.com/implement-perceptron-algorithm-scratch-python/ NULL NULL Not Available NULL 2019
13499 An introduction to Support Vector Machines (SVM) https://monkeylearn.com/blog/introduction-to-support-vector-machines-svm/ NULL NULL Not Available NULL 2019
13500 A practical explanation of a Naive Bayes classifier https://monkeylearn.com/blog/practical-explanation-naive-bayes-classifier/ NULL NULL Not Available NULL 2019
13501 The Definitive Guide to Natural Language Processing https://monkeylearn.com/blog/definitive-guide-natural-language-processing/ NULL NULL Not Available NULL 2019
13503 The Nature of Code https://natureofcode.com/book/chapter-10-neural-networks NULL NULL Not Available NULL 2019
13504 The Nature of Code https://natureofcode.com/book/chapter-1-vectors/ NULL NULL Not Available NULL 2019
13505 L1 vs. L2 Loss function – Rishabh Shukla http://rishy.github.io/ml/2015/07/28/l1-vs-l2-loss/ NULL NULL Not Available NULL 2019
13506 403 Forbidden https://machinelearningmastery.com/gentle-introduction-backpropagation-time/ NULL NULL Not Available NULL 2019
13507 Machine Learning with Python - Quick Guide https://www.tutorialspoint.com/machine_learning_with_python/machine_learning_with_python_quick_guide.htm NULL NULL Not Available NULL 2019
13508 Sentiment Analysis with Python https://monkeylearn.com/blog/sentiment-analysis-with-python/ NULL NULL Not Available NULL 2019
13509 Deep Learning in a Nutshell: Reinforcement Learning https://devblogs.nvidia.com/deep-learning-nutshell-reinforcement-learning/ NULL NULL Not Available NULL 2019
13510 Deep Learning in a Nutshell: History and Training | NVIDIA Developer Blog https://devblogs.nvidia.com/deep-learning-nutshell-history-training/ NULL NULL Not Available NULL 2019
13511 Deep Learning in a Nutshell: Core Concepts https://devblogs.nvidia.com/deep-learning-nutshell-core-concepts/ NULL NULL Not Available NULL 2019
13512 Deep Learning in a Nutshell: Sequence Learning https://devblogs.nvidia.com/deep-learning-nutshell-sequence-learning/ NULL NULL Not Available NULL 2019
13513 Learn to Build your First Speech-to-Text Model in Python https://www.analyticsvidhya.com/blog/2019/07/learn-build-first-speech-to-text-model-python/ NULL NULL Not Available NULL 2019
13514 How to Get Started with NLP - 6 Unique Methods to Perform Tokenization https://www.analyticsvidhya.com/blog/2019/07/how-get-started-nlp-6-unique-ways-perform-tokenization NULL NULL Not Available NULL 2019
13515 Breakthrough Research Papers and Models for Sentiment Analysis https://blog.paralleldots.com/data-science/breakthrough-research-papers-and-models-for-sentiment-analysis/ NULL NULL Not Available NULL 2019
13516 Deep Learning 18: GANs with PyTorch – Night Ca?fe https://ireneli.eu/2019/07/16/deep-learning-18-gans-with-pytorch NULL NULL Not Available NULL 2019
13518 GitHub - uber-research/plato-research-dialogue-system: This is the Plato Research Dialogue System, a flexible platform for developing conversational AI agents. https://github.com/uber-research/plato-research-dialogue-system NULL NULL Not Available NULL 2019
13519 Eric Jang: Meta-Learning in 50 Lines of JAX https://blog.evjang.com/2019/02/maml-jax.html NULL NULL Not Available NULL 2019
13520 The Math Behind Machine Learning - Analytics Vidhya - Medium https://medium.com/analytics-vidhya/the-math-behind-machine-learning-2e38d8718d17 NULL NULL Not Available NULL 2019
13521 https://opendatascience.com/leverage-pre-trained-layers-in-image-classification/ NULL NULL Not Available NULL 2019
13522 Pytorch-Transformers — pytorch-transformers 1.0.0 documentation https://huggingface.co/pytorch-transformers/ NULL NULL Not Available NULL 2019
13523 GitHub - benedekrozemberczki/awesome-graph-classification: A collection of important graph embedding, classification and representation learning papers with implementations. https://github.com/benedekrozemberczki/awesome-graph-classification NULL NULL Not Available NULL 2019
13524 GitHub - huggingface/pytorch-transformers: https://github.com/huggingface/pytorch-transformers NULL NULL Not Available NULL 2019
13525 GitHub - ConvLab/ConvLab https://github.com/ConvLab/ConvLab NULL NULL Not Available NULL 2019
13526 GitHub - beringresearch/ivis: Dimensionality reduction in very large datasets using Siamese Networks https://github.com/beringresearch/ivis NULL NULL Not Available NULL 2019
13527 GitHub - huggingface/hmtl: https://github.com/huggingface/hmtl NULL NULL Not Available NULL 2019
13528 GitHub - huggingface/xlnet: XLNet: Generalized Autoregressive Pretraining for Language Understanding https://github.com/huggingface/xlnet NULL NULL Not Available NULL 2019
13529 GitHub - huggingface/bert-syntax: Assessing syntactic abilities of BERT https://github.com/huggingface/bert-syntax NULL NULL Not Available NULL 2019
13531 LASER/tasks/WikiMatrix at master · facebookresearch/LASER · GitHub https://github.com/facebookresearch/LASER/tree/master/tasks/WikiMatrix NULL NULL Not Available NULL 2019
13532 GitHub - ayooshkathuria/YOLO_v3_tutorial_from_scratch: Accompanying code for Paperspace tutorial series "How to Implement YOLO v3 Object Detector from Scratch" https://github.com/ayooshkathuria/YOLO_v3_tutorial_from_scratch NULL NULL Not Available NULL 2019
13533 Tutorial on implementing YOLO v3 from scratch in PyTorch https://blog.paperspace.com/how-to-implement-a-yolo-object-detector-in-pytorch NULL NULL Not Available NULL 2019
13534 How to implement a YOLO (v3) object detector from scratch in PyTorch: Part 2 https://blog.paperspace.com/how-to-implement-a-yolo-v3-object-detector-from-scratch-in-pytorch-part-2/ NULL NULL Not Available NULL 2019
13535 How to implement a YOLO (v3) object detector from scratch in PyTorch: Part 3 https://blog.paperspace.com/how-to-implement-a-yolo-v3-object-detector-from-scratch-in-pytorch-part-3/ NULL NULL Not Available NULL 2019
13536 How to implement a YOLO (v3) object detector from scratch in PyTorch: Part 4 https://blog.paperspace.com/how-to-implement-a-yolo-v3-object-detector-from-scratch-in-pytorch-part-4/ NULL NULL Not Available NULL 2019
13537 How to implement a YOLO (v3) object detector from scratch in PyTorch: Part 5 https://blog.paperspace.com/how-to-implement-a-yolo-v3-object-detector-from-scratch-in-pytorch-part-5/ NULL NULL Not Available NULL 2019
13540 Pre-processing for deep learning: from covariance matrix to image whitening https://hadrienj.github.io/posts/Preprocessing-for-deep-learning/ NULL NULL Not Available NULL 2019
13542 Exploring Neural Networks with fashion MNIST - Irene Pylypenko - Medium https://medium.com/@ipylypenko/exploring-neural-networks-with-fashion-mnist-b0a8214b7b7b NULL NULL Not Available NULL 2019
13543 A Beginner’s Guide To Scikit-Learn’s MLPClassifier https://www.analyticsindiamag.com/a-beginners-guide-to-scikit-learns-mlpclassifier/ NULL NULL Not Available NULL 2019
13544 Olympus http://wiki.speech.cs.cmu.edu/olympus/index.php/Olympus NULL NULL Not Available NULL 2019
13546 GitHub - ChunML/seq2seq https://github.com/ChunML/seq2seq NULL NULL Not Available NULL 2019
13547 GitHub - ChunML/NLP: This is where I put all my work in Natural Language Processing https://github.com/ChunML/NLP NULL NULL Not Available NULL 2019
13548 GitHub - ChunML/text-generator: Having fun with LSTMs by creating a simple text generator. https://github.com/ChunML/text-generator NULL NULL Not Available NULL 2019
13549 GitHub - hadrienj/deepLearningBook-Notes: Notes on the Deep Learning book from Ian Goodfellow, Yoshua Bengio and Aaron Courville (2016) https://github.com/hadrienj/deepLearningBook-Notes NULL NULL Not Available NULL 2019
13550 403 Forbidden https://machinelearningmastery.com/how-to-code-the-generative-adversarial-network-training-algorithm-and-loss-functions NULL NULL Not Available NULL 2019
13551 Introduction to Scalars Vectors Matrices and Tensors using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.1-Scalars-Vectors-Matrices-and-Tensors/ NULL NULL Not Available NULL 2019
13552 Introduction to Multiplying Matrices and Vectors using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.2-Multiplying-Matrices-and-Vectors/ NULL NULL Not Available NULL 2019
13553 Introduction to Identity and Inverse Matrices using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.3-Identity-and-Inverse-Matrices/ NULL NULL Not Available NULL 2019
13554 Introudction to Linear Dependence and Span using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.4-Linear-Dependence-and-Span/ NULL NULL Not Available NULL 2019
13555 Introduction to Norms using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.5-Norms/ NULL NULL Not Available NULL 2019
13556 Introduction to diagonal and symmetric matrices, unit and orthogonal vectors using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.6-Special-Kinds-of-Matrices-and-Vectors/ NULL NULL Not Available NULL 2019
13557 Introduction to Eigendecomposition using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.7-Eigendecomposition/ NULL NULL Not Available NULL 2019
13558 Introduction to Singular Value Decomposition using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.8-Singular-Value-Decomposition/ NULL NULL Not Available NULL 2019
13559 Introduction to The Moore Penrose Pseudoinverse using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.9-The-Moore-Penrose-Pseudoinverse/ NULL NULL Not Available NULL 2019
13560 Introduction to The Trace Operator using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.10-The-Trace-Operator/ NULL NULL Not Available NULL 2019
13561 Introduction to The determinant using Python/Numpy example and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.11-The-determinant/ NULL NULL Not Available NULL 2019
13562 Introduction to Principal Components Analysis (PCA) using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Deep-Learning-Book-Series-2.12-Example-Principal-Components-Analysis/ NULL NULL Not Available NULL 2019
13563 Introduction to Probability Mass and Density Functions using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Probability-Mass-and-Density-Functions/ NULL NULL Not Available NULL 2019
13564 Introduction to Marginal and Conditional Probability using Python/Numpy examples and drawings https://hadrienj.github.io/posts/Marginal-and-Conditional-Probability/ NULL NULL Not Available NULL 2019
13566 Machine Learning Tutorial for Beginners | Kaggle https://www.kaggle.com/kanncaa1/machine-learning-tutorial-for-beginners/notebook NULL NULL Not Available NULL 2019
13567 Linguistic Features · spaCy Usage Documentation https://spacy.io/usage/linguistic-features NULL NULL Not Available NULL 2019
13568 NeuroEvolution, NEAT Algorithm and My NEAT - Data Driven Investor - Medium https://medium.com/datadriveninvestor/neuroevolution-neat-algorithm-and-my-neat-b83c5174d8b0 NULL NULL Not Available NULL 2019
13569 PyTorch Transformers for state-of-the-art NLP - dair.ai - Medium https://medium.com/dair-ai/pytorch-transformers-for-state-of-the-art-nlp-3348911ffa5b NULL NULL Not Available NULL 2019
13570 Convolutional Neural Network (CNN) Tutorial In Python Using TensorFlow | Edureka https://www.edureka.co/blog/convolutional-neural-network/ NULL NULL Not Available NULL 2019
13571 TensorFlow Tutorial | Deep Learning Using TensorFlow | Edureka https://www.edureka.co/blog/tensorflow-tutorial/ NULL NULL Not Available NULL 2019
13572 A Step By Step Guide to Install TensorFlow - Edureka https://www.edureka.co/blog/install-tensorflow NULL NULL Not Available NULL 2019
13573 Capsule Networks | Set of Nested Neural Layers | Edureka https://www.edureka.co/blog/capsule-networks/ NULL NULL Not Available NULL 2019
13574 Object Detection Tutorial using TensorFlow | Real-Time Object Detection | Edureka https://www.edureka.co/blog/tensorflow-object-detection-tutorial/ NULL NULL Not Available NULL 2019
13575 TensorFlow Image Classification | Build Your Own Classifier | Edureka https://www.edureka.co/blog/tensorflow-image-classification NULL NULL Not Available NULL 2019
13576 Recurrent Neural Networks (RNN) Tutorial Using TensorFlow In Python - Edureka https://www.edureka.co/blog/recurrent-neural-networks/ NULL NULL Not Available NULL 2019
13577 Visualizing The Non-linearity of Neural Networks - Towards Data Science https://towardsdatascience.com/visualizing-the-non-linearity-of-neural-networks-c55b2a14ad7a NULL NULL Not Available NULL 2019
13578 Keras Tutorial : Fine-tuning pre-trained models | Learn OpenCV https://www.learnopencv.com/keras-tutorial-fine-tuning-using-pre-trained-models/ NULL NULL Not Available NULL 2019
13579 Keras Tutorial : Transfer Learning using pre-trained models | Learn OpenCV https://www.learnopencv.com/keras-tutorial-transfer-learning-using-pre-trained-models/ NULL NULL Not Available NULL 2019
13580 Keras Tutorial : Using pre-trained ImageNet models | Learn OpenCV https://www.learnopencv.com/keras-tutorial-using-pre-trained-imagenet-models/ NULL NULL Not Available NULL 2019
13582 Image Classification using CNNs in Keras | Learn OpenCV https://www.learnopencv.com/image-classification-using-convolutional-neural-networks-in-keras/ NULL NULL Not Available NULL 2019
13585 Neural Networks : A 30,000 Feet View for Beginners | Learn OpenCV https://www.learnopencv.com/neural-networks-a-30000-feet-view-for-beginners/ NULL NULL Not Available NULL 2019
13586 Install Tensorflow, Keras, Pytorch on UBUNTU | Learn OpenCV https://www.learnopencv.com/installing-deep-learning-frameworks-on-ubuntu-with-cuda-support/ NULL NULL Not Available NULL 2019
13587 Stacked Capsule Autoencoders http://akosiorek.github.io/ml/2019/06/23/stacked_capsule_autoencoders.html NULL NULL Not Available NULL 2019
13588 Attn: Illustrated Attention - Towards Data Science https://towardsdatascience.com/attn-illustrated-attention-5ec4ad276ee3#0458 NULL NULL Not Available NULL 2019
13589 Backpropagation Derivation - Multi-layer Neural Networks - A Shallow Blog about Deep Learning https://blog.yani.io/backpropagation/ NULL NULL Not Available NULL 2019
13590 Google AI Blog: Multilingual Universal Sentence Encoder for Semantic Retrieval https://ai.googleblog.com/2019/07/multilingual-universal-sentence-encoder.html NULL NULL Not Available NULL 2019
13591 10 Powerful Applications of Linear Algebra in Data Science https://www.analyticsvidhya.com/blog/2019/07/10-applications-linear-algebra-data-science/ NULL NULL Not Available NULL 2019
13592 Implement Gradient Descent in Python - Towards Data Science https://towardsdatascience.com/implement-gradient-descent-in-python-9b93ed7108d1 NULL NULL Not Available NULL 2019
13593 Python for data science : Part 1 - Towards Data Science https://towardsdatascience.com/python-for-data-science-part-1-759524eb493b NULL NULL Not Available NULL 2019
13594 Python for data science : Part 2 - Towards Data Science https://towardsdatascience.com/python-for-data-science-part-2-373d6473fa40 NULL NULL Not Available NULL 2019
13595 Python for data science : Part 3 - Towards Data Science https://towardsdatascience.com/python-for-data-science-part-3-be9b08660af9 NULL NULL Not Available NULL 2019
13596 Python for data science : Part 4 - Towards Data Science https://towardsdatascience.com/python-for-data-science-part-4-6087cb811a29 NULL NULL Not Available NULL 2019
13597 Neural network on iris data - Towards Data Science https://towardsdatascience.com/neural-network-on-iris-data-4e99601a42c8 NULL NULL Not Available NULL 2019
13598 GitHub - benedekrozemberczki/LabelPropagation: A simple implementation of Label Propagation. https://github.com/benedekrozemberczki/LabelPropagation NULL NULL Not Available NULL 2019
13599 Python Libraries for Interpretable Machine Learning https://towardsdatascience.com/python-libraries-for-interpretable-machine-learning-c476a08ed2c7 NULL NULL Not Available NULL 2019
13601 Laplacian Centrality in NetworkX (Python) | Andrew Wheeler https://andrewpwheeler.wordpress.com/2015/07/29/laplacian-centrality-in-networkx-python/ NULL NULL Not Available NULL 2019
13602 The Evolved Transformer - Enhancing Transformer with Neural Architecture Search https://towardsdatascience.com/the-evolved-transformer-enhancing-transformer-with-neural-architecture-search-f0073a915aca NULL NULL Not Available NULL 2019
13603 The Fundamentals of Transfer learning - Anish Singh Walia - Medium https://medium.com/@anishsingh20/the-fundamentals-of-transfer-learning-2e9dcf2940ed NULL NULL Not Available NULL 2019
13604 The house always wins : Monte Carlo Simulation - Towards Data Science https://towardsdatascience.com/the-house-always-wins-monte-carlo-simulation-eb82787da2a3 NULL NULL Not Available NULL 2019
13605 The Markov Mouse - Towards Data Science https://towardsdatascience.com/in-5-mins-the-markov-mouse-a4f7a38289fb NULL NULL Not Available NULL 2019
13606 Baidu’s ERNIE 2.0 Beats BERT and XLNet on NLP Benchmarks https://medium.com/syncedreview/baidus-ernie-2-0-beats-bert-and-xlnet-on-nlp-benchmarks-51a8c21aa433 NULL NULL Not Available NULL 2019
13607 GitHub - hiredscorelabs/tamnun-ml: An easy to use open-source library for advanced Deep Learning and Natural Language Processing https://github.com/hiredscorelabs/tamnun-ml NULL NULL Not Available NULL 2019
13608 Gradient Descent in Python - Towards Data Science https://towardsdatascience.com/gradient-descent-in-python-a0d07285742f NULL NULL Not Available NULL 2019
13609 Some more Social Network Analysis with Python: Centrality, PageRank/HITS, Random Network Generation Models, Link Prediction | sandipanweb https://sandipanweb.wordpress.com/2017/09/22/some-more-social-network-analysis-with-python/ NULL NULL Not Available NULL 2019
13610 A math-first explanation of Word2Vec - Analytics Vidhya - Medium https://medium.com/analytics-vidhya/maths-behind-word2vec-explained-38d74f32726b NULL NULL Not Available NULL 2019
13612 Generative Adversarial Networks — Learning to Create https://towardsdatascience.com/generative-adversarial-networks-learning-to-create-8b15709587c9 NULL NULL Not Available NULL 2019
13613 Introducing TamnunML - HiredScore Engineering - Medium https://medium.com/hiredscore-engineering/introducing-octoml-73bd527491b1 NULL NULL Not Available NULL 2019
13614 OpenAI's GPT-2: Build World's Most Advanced Text Generator in Python https://www.analyticsvidhya.com/blog/2019/07/openai-gpt2-text-generator-python/ NULL NULL Not Available NULL 2019
13615 Nothing but NumPy: Understanding & Creating Neural Networks with Computational Graphs from Scratch https://medium.com/towards-artificial-intelligence/nothing-but-numpy-understanding-creating-neural-networks-with-computational-graphs-from-scratch-6299901091b0 NULL NULL Not Available NULL 2019
13616 A Comprehensive Guide to Build your own Language Model in Python https://www.analyticsvidhya.com/blog/2019/08/comprehensive-guide-language-model-nlp-python-code NULL NULL Not Available NULL 2019
13617 Build a Recommendation System Using word2vec in Python https://www.analyticsvidhya.com/blog/2019/07/how-to-build-recommendation-system-word2vec-python NULL NULL Not Available NULL 2019
13618 Master Dimensionality Reduction with these 5 Must-Know Applications of Singular Value Decomposition (SVD) in Data Science https://www.analyticsvidhya.com/blog/2019/08/5-applications-singular-value-decomposition-svd-data-science NULL NULL Not Available NULL 2019
13619 PyTorch Basics: Understanding Autograd and Computation Graphs https://blog.paperspace.com/pytorch-101-understanding-graphs-and-automatic-differentiation/ NULL NULL Not Available NULL 2019
13620 Building a CIFAR classifier neural network with PyTorch https://blog.paperspace.com/pytorch-101-building-neural-networks/ NULL NULL Not Available NULL 2019
13621 Debugging and Visualisation in PyTorch using Hooks https://blog.paperspace.com/pytorch-hooks-gradient-clipping-debugging/ NULL NULL Not Available NULL 2019
13622 Memory Management, Optimisation and Debugging with PyTorch https://blog.paperspace.com/pytorch-memory-multi-gpu-debugging/ NULL NULL Not Available NULL 2019
13623 Going deep with PyTorch: Advanced Functionality https://blog.paperspace.com/pytorch-101-advanced/ NULL NULL Not Available NULL 2019
13625 Give Me Jeans not Shoes: How BERT Helps Us Deliver What Clients Want | Stitch Fix Technology a??? Multithreaded https://multithreaded.stitchfix.com/blog/2019/07/15/give-me-jeans/ NULL NULL Not Available NULL 2019
13627 Introduction to PyTorch-Transformers with Python Implementation https://www.analyticsvidhya.com/blog/2019/07/pytorch-transformers-nlp-python/ NULL NULL Not Available NULL 2019
13628 Finding similar sentences using Wikipedia and Tensorflow Hub. https://medium.com/@vineet.mundhra/finding-similar-sentences-using-wikipedia-and-tensorflow-hub-dee2f52ed587 NULL NULL Not Available NULL 2019
13629 Machine Learning — Hidden Markov Model (HMM) - Jonathan Hui - Medium https://medium.com/@jonathan_hui/machine-learning-hidden-markov-model-hmm-31660d217a61 NULL NULL Not Available NULL 2019
13630 A Lagrange Multipliers Refresher, For Idiots Like Me https://www.alexirpan.com/2019/07/27/lagrange-multipliers.html NULL NULL Not Available NULL 2019
13631 https://medium.com/huggingface/from-tensorflow-to-pytorch-265f40ef2a28 NULL NULL Not Available NULL 2019
13632 Understanding Dropout with the Simplified Math behind it https://towardsdatascience.com/simplified-math-behind-dropout-in-deep-learning-6d50f3f47275 NULL NULL Not Available NULL 2019
13633 11 Important Model Evaluation Error Metrics Everyone should know https://www.analyticsvidhya.com/blog/2019/08/11-important-model-evaluation-error-metrics/ NULL NULL Not Available NULL 2019
13634 Building a Recommendation System using Word2vec - Analytics Vidhya - Medium https://medium.com/analytics-vidhya/building-a-recommendation-system-using-word2vec-a-unique-tutorial-with-case-study-in-python-f02357fd2486 NULL NULL Not Available NULL 2019
13635 A Comprehensive Guide to Build your own Language Model in Python https://www.analyticsvidhya.com/blog/2019/08/comprehensive-guide-language-model-nlp-python-code/ NULL NULL Not Available NULL 2019
13636 Deep Learning for NLP: ANNs, RNNs and LSTMs explained! https://towardsdatascience.com/deep-learning-for-nlp-anns-rnns-and-lstms-explained-95866c1db2e4 NULL NULL Not Available NULL 2019
13637 spaCy meets PyTorch-Transformers: Fine-tune BERT, XLNet and GPT-2 · Blog · Explosion https://explosion.ai/blog/spacy-pytorch-transformers NULL NULL Not Available NULL 2019
13638 Pytorch Cheat Sheet for Beginners and Udacity Deep Learning Nanodegree https://www.kdnuggets.com/2019/08/pytorch-cheat-sheet-beginners.html NULL NULL Not Available NULL 2019
13639 Contextual Emotion Detection in Textual Conversations Using Neural Networks https://towardsdatascience.com/contextual-emotion-detection-in-textual-conversations-using-neural-networks-381e3d8490c4 NULL NULL Not Available NULL 2019
13640 Illustrated: 10 CNN Architectures - Towards Data Science https://towardsdatascience.com/illustrated-10-cnn-architectures-95d78ace614d NULL NULL Not Available NULL 2019
13641 Optimization Algorithms for Deep Learning - Analytics Vidhya - Medium https://medium.com/analytics-vidhya/optimization-algorithms-for-deep-learning-1f1a2bd4c46b NULL NULL Not Available NULL 2019
13642 GitHub - bknyaz/graph_nn: Graph classification with Graph Convolutional Networks in PyTorch https://github.com/bknyaz/graph_nn NULL NULL Not Available NULL 2019
13643 Going Deep From Scratch. - Jeraldy Deus - Medium https://medium.com/@jeraldydeus/going-deep-from-scratch-3809f5890c5e NULL NULL Not Available NULL 2019
13645 Knowing Your Neighbours: Machine Learning on Graphs https://medium.com/stellargraph/knowing-your-neighbours-machine-learning-on-graphs-9b7c3d0d5896 NULL NULL Not Available NULL 2019
13646 GitHub - stellargraph/stellargraph: StellarGraph - Machine Learning on Graphs https://github.com/stellargraph/stellargraph NULL NULL Not Available NULL 2019
13647 tutorials/README.md at master · mlss-2019/tutorials · GitHub https://github.com/mlss-2019/tutorials/blob/master/README.md NULL NULL Not Available NULL 2019
13648 Representing text in natural language processing - Towards Data Science https://towardsdatascience.com/representing-text-in-natural-language-processing-1eead30e57d8 NULL NULL Not Available NULL 2019
13650 Chapter 2: Large-scale data analysis with spaCy · Advanced NLP with spaCy https://course.spacy.io/chapter2 NULL NULL Not Available NULL 2019
13651 Chapter 3: Processing Pipelines · Advanced NLP with spaCy https://course.spacy.io/chapter3 NULL NULL Not Available NULL 2019
13652 Chapter 4: Training a neural network model · Advanced NLP with spaCy https://course.spacy.io/chapter4 NULL NULL Not Available NULL 2019
13653 Useful String Methods in Python - Towards Data Science https://towardsdatascience.com/useful-string-methods-in-python-5047ea4d3f90 NULL NULL Not Available NULL 2019
13654 Everything You Should Know about Python on Windows, Linux and Mac https://www.analyticsvidhya.com/blog/2019/08/everything-know-about-setting-up-python-windows-linux-and-mac NULL NULL Not Available NULL 2019
13655 What is Poisson Distribution? https://www.kdnuggets.com/2019/08/poisson-distribution.html NULL NULL Not Available NULL 2019
13656 Knowing Your Neighbours: Machine Learning on Graphs https://www.kdnuggets.com/2019/08/neighbours-machine-learning-graphs.html NULL NULL Not Available NULL 2019
13657 Deep Learning for NLP: ANNs, RNNs and LSTMs explained! https://www.kdnuggets.com/2019/08/deep-learning-nlp-explained.html NULL NULL Not Available NULL 2019
13658 The Confusion Matrix for Classification - Towards AI - Medium https://medium.com/towards-artificial-intelligence/the-confusion-matrix-for-classification-eb3bcf3064c7 NULL NULL Not Available NULL 2019
13659 tNodeEmbed — Node Embedding over Temporal Graphs - Uriel Singer - Medium https://medium.com/@urielsinger/tnodeembed-node-embedding-over-temporal-graphs-b7bcbf59938f NULL NULL Not Available NULL 2019
13660 NAACL ’19 Notes: Practical Insights for Natural Language Processing Applications — Part I https://medium.com/orb-engineering/naacl-19-notes-practical-insights-for-natural-language-processing-applications-part-i-5f981c92af80 NULL NULL Not Available NULL 2019
13661 NAACL ’19 Notes: Practical Insights for Natural Language Processing Applications — Part II https://medium.com/orb-engineering/naacl-19-notes-practical-insights-for-natural-language-processing-applications-part-ii-2a2a3dd42d1 NULL NULL Not Available NULL 2019
13662 Transformers from scratch | Peter Bloem http://www.peterbloem.nl/blog/transformers NULL NULL Not Available NULL 2019
13663 GitHub - pbloem/former: Simple transformer implementation from scratch in pytorch. https://github.com/pbloem/former NULL NULL Not Available NULL 2019
13664 GitHub - davidADSP/GDL_code: The official code repository for examples in the O'Reilly book 'Generative Deep Learning' https://github.com/davidADSP/GDL_code NULL NULL Not Available NULL 2019
13665 GitHub - hanxiao/bert-as-service: Mapping a variable-length sentence to a fixed-length vector using BERT model https://github.com/hanxiao/bert-as-service NULL NULL Not Available NULL 2019
13666 How do they apply BERT in the clinical domain? - Towards Data Science https://towardsdatascience.com/how-do-they-apply-bert-in-the-clinical-domain-49113a51be50 NULL NULL Not Available NULL 2019
13667 How BERT leverage attention mechanism and transformer to learn word contextual relations https://towardsdatascience.com/how-bert-leverage-attention-mechanism-and-transformer-to-learn-word-contextual-relations-5bbee1b6dbdb NULL NULL Not Available NULL 2019
13668 Address Limitation of RNN in NLP Problems by Using Transformer-XL https://medium.com/towards-artificial-intelligence/address-limitation-of-rnn-in-nlp-problems-by-using-transformer-xl-866d7ce1c8f4 NULL NULL Not Available NULL 2019
13669 Cross-lingual Language Model - Towards AI - Medium https://medium.com/towards-artificial-intelligence/cross-lingual-language-model-56a65dba9358 NULL NULL Not Available NULL 2019
13670 Unified Language Model Pre-training for Natural Language Understanding and Generation https://medium.com/towards-artificial-intelligence/unified-language-model-pre-training-for-natural-language-understanding-and-generation-f87dc226aa2 NULL NULL Not Available NULL 2019
13671 Multi-Task Learning for Sentence Embeddings - Edward Ma - Medium https://medium.com/@makcedward/multi-task-learning-for-sentence-embeddings-55f47be1610a NULL NULL Not Available NULL 2019
13672 3 subword algorithms help to improve your NLP model performance https://medium.com/@makcedward/how-subword-helps-on-your-nlp-model-83dd1b836f46 NULL NULL Not Available NULL 2019
13673 How Negative Sampling work on word2vec? - Edward Ma - Medium https://medium.com/@makcedward/how-negative-sampling-work-on-word2vec-7bf8d545b116 NULL NULL Not Available NULL 2019
13674 Data Augmentation in NLP - Towards Data Science https://towardsdatascience.com/data-augmentation-in-nlp-2801a34dfc28 NULL NULL Not Available NULL 2019
13675 Multi-Task Learning in Language Model for Text Classification https://towardsdatascience.com/multi-task-learning-in-language-model-for-text-classification-c3acc1fedd89 NULL NULL Not Available NULL 2019
13676 Word Distance between Word Embeddings with Weight - Towards Data Science https://towardsdatascience.com/word-distance-between-word-embeddings-with-weight-bf02869c50e1 NULL NULL Not Available NULL 2019
13678 Too powerful NLP model (GPT-2) - Towards Data Science https://towardsdatascience.com/too-powerful-nlp-model-generative-pre-training-2-4cc6afb6655 NULL NULL Not Available NULL 2019
13679 Learning general sentence representation by various NLP tasks https://towardsdatascience.com/learning-generic-sentence-representation-by-various-nlp-tasks-df39ce4e81d7 NULL NULL Not Available NULL 2019
13680 Embeddings-free Deep Learning NLP model - Towards Data Science https://towardsdatascience.com/embeddings-free-deep-learning-nlp-model-ce067c7a7c93 NULL NULL Not Available NULL 2019
13681 Text Matching with Deep Learning - Towards Data Science https://towardsdatascience.com/text-matching-with-deep-learning-e6aa05333399 NULL NULL Not Available NULL 2019
13682 Combining supervised learning and unsupervised learning to improve word vectors https://towardsdatascience.com/combining-supervised-learning-and-unsupervised-learning-to-improve-word-vectors-d4dea84ec36b NULL NULL Not Available NULL 2019
13683 How fuzzy matching improve your NLP model - Towards Data Science https://towardsdatascience.com/how-fuzzy-matching-improve-your-nlp-model-bc617385ad6b NULL NULL Not Available NULL 2019
13684 Building sentence embeddings via quick thoughts - Towards Data Science https://towardsdatascience.com/building-sentence-embeddings-via-quick-thoughts-945484cae273 NULL NULL Not Available NULL 2019
13685 Fix your text thought attention before NLP tasks - Towards Data Science https://towardsdatascience.com/fix-your-text-thought-attention-before-nlp-tasks-7dc074b9744f NULL NULL Not Available NULL 2019
13686 Essential text correction process for NLP tasks - Towards Data Science https://towardsdatascience.com/essential-text-correction-process-for-nlp-tasks-f731a025fcc3 NULL NULL Not Available NULL 2019
13687 Correcting text input by machine translation and classification https://towardsdatascience.com/correcting-text-input-by-machine-translation-and-classification-fa9d82087de1 NULL NULL Not Available NULL 2019
13688 Understand how to transfer your paragraph to vector by doc2vec https://towardsdatascience.com/understand-how-to-transfer-your-paragraph-to-vector-by-doc2vec-1e225ccf102 NULL NULL Not Available NULL 2019
13689 ELMo helps to further improve your sentence embeddings https://towardsdatascience.com/elmo-helps-to-further-improve-your-word-embeddings-c6ed2c9df95f NULL NULL Not Available NULL 2019
13690 Replacing your Word Embeddings by Contextualized Word Vectors https://towardsdatascience.com/replacing-your-word-embeddings-by-contextualized-word-vectors-9508877ad65d NULL NULL Not Available NULL 2019
13691 Learning sentence embeddings by Natural Language Inference https://towardsdatascience.com/learning-sentence-embeddings-by-natural-language-inference-a50b4661a0b8 NULL NULL Not Available NULL 2019
13692 Transforming text to Sentence Embeddings via some thoughts https://towardsdatascience.com/transforming-text-to-sentence-embeddings-layer-via-some-thoughts-b77bed60822c NULL NULL Not Available NULL 2019
13693 Combing LDA and Word Embeddings for topic modeling - Towards Data Science https://towardsdatascience.com/combing-lda-and-word-embeddings-for-topic-modeling-fe4a1315a5b4 NULL NULL Not Available NULL 2019
13694 Word Distance between Word Embeddings - Towards Data Science https://towardsdatascience.com/word-distance-between-word-embeddings-cc3e9cf1d632 NULL NULL Not Available NULL 2019
13695 Interpreting your deep learning model by SHAP - Towards Data Science https://towardsdatascience.com/interpreting-your-deep-learning-model-by-shap-e69be2b47893 NULL NULL Not Available NULL 2019
13696 Pattern-based recognition did help in NLP - Towards Data Science https://towardsdatascience.com/pattern-based-recognition-did-help-in-nlp-5c54b4e7a962 NULL NULL Not Available NULL 2019
13697 3 basic approaches in Bag of Words which are better than Word Embeddings https://towardsdatascience.com/3-basic-approaches-in-bag-of-words-which-are-better-than-word-embeddings-c2cbc7398016 NULL NULL Not Available NULL 2019
13698 3 silver bullets of word embeddings in NLP - Towards Data Science https://towardsdatascience.com/3-silver-bullets-of-word-embedding-in-nlp-10fa8f50cc5a NULL NULL Not Available NULL 2019
13699 NLP Pipeline: Sentence Tokenization (Part 6) - Edward Ma - Medium https://medium.com/@makcedward/nlp-pipeline-sentence-tokenization-part-6-86ed55b185e6 NULL NULL Not Available NULL 2019
13700 NLP Pipeline: Stop words (Part 5) - Edward Ma - Medium https://medium.com/@makcedward/nlp-pipeline-stop-words-part-5-d6770df8a936 NULL NULL Not Available NULL 2019
13701 NLP Pipeline: Stemming (Part 4) - Edward Ma - Medium https://medium.com/@makcedward/nlp-pipeline-stemming-part-4-b60a319fd52 NULL NULL Not Available NULL 2019
13702 NLP Pipeline: Lemmatization (Part 3) - Edward Ma - Medium https://medium.com/@makcedward/nlp-pipeline-lemmatization-part-3-4bfd7304957 NULL NULL Not Available NULL 2019
13703 NLP Pipeline: Part of Speech (Part 2) - Edward Ma - Medium https://medium.com/@makcedward/nlp-pipeline-part-of-speech-part-2-b683c90e327d NULL NULL Not Available NULL 2019
13704 NLP Pipeline: Word Tokenization (Part 1) - Edward Ma - Medium https://medium.com/@makcedward/nlp-pipeline-word-tokenization-part-1-4b2b547e6a3 NULL NULL Not Available NULL 2019
13705 How does Named Entity Recognition help on Information Extraction in NLP? https://towardsdatascience.com/named-entity-recognition-3fad3f53c91e NULL NULL Not Available NULL 2019
13706 3 basic Distance Measurement in Text Mining - Towards Data Science https://towardsdatascience.com/3-basic-distance-measurement-in-text-mining-5852becff1d7 NULL NULL Not Available NULL 2019
13707 Besides Word Embedding, why you need to know Character Embedding? https://towardsdatascience.com/besides-word-embedding-why-you-need-to-know-character-embedding-6096a34a3b10 NULL NULL Not Available NULL 2019
13708 Summarize whole paragraph to one sentence by Extractive Approach https://towardsdatascience.com/text-summarization-extractive-approach-567fe4b85c23 NULL NULL Not Available NULL 2019
13709 Data Augmentation library for text - Towards Data Science https://towardsdatascience.com/data-augmentation-library-for-text-9661736b13ff NULL NULL Not Available NULL 2019
13710 BERT Explained: State of the art language model for NLP https://towardsdatascience.com/bert-explained-state-of-the-art-language-model-for-nlp-f8b21a9b6270 NULL NULL Not Available NULL 2019
13711 BERT Explained – A list of Frequently Asked Questions – Let the Machines Learn https://yashuseth.blog/2019/06/12/bert-explained-faqs-understand-bert-working/ NULL NULL Not Available NULL 2019
13712 How can Unsupervised Neural Machine Translation Work? – Let the Machines Learn https://yashuseth.blog/2019/03/03/how-can-unsupervised-neural-machine-translation-work/ NULL NULL Not Available NULL 2019
13713 A Neural Network in PyTorch for Tabular Data with Categorical Embeddings – Let the Machines Learn https://yashuseth.blog/2018/07/22/pytorch-neural-network-for-tabular-data-with-categorical-embeddings/ NULL NULL Not Available NULL 2019
13715 XLM — Enhancing BERT for Cross-lingual Language Model https://towardsdatascience.com/xlm-enhancing-bert-for-cross-lingual-language-model-5aeed9e6f14b NULL NULL Not Available NULL 2019
13718 The Evolved Transformer – Enhancing Transformer with Neural Architecture Search | Lyrn.AI https://www.lyrn.ai/2019/03/12/the-evolved-transformer/ NULL NULL Not Available NULL 2019
13719 XLM – Enhancing BERT for Cross-lingual Language Model | Lyrn.AI https://www.lyrn.ai/2019/02/11/xlm-cross-lingual-language-model/ NULL NULL Not Available NULL 2019
13720 Transformer-XL – Combining Transformers and RNNs Into a State-of-the-art Language Model | Lyrn.AI https://www.lyrn.ai/2019/01/16/transformer-xl-sota-language-model/ NULL NULL Not Available NULL 2019
13721 The Inner Workings of word2vec · Chris McCormick https://mccormickml.com/2019/03/12/the-inner-workings-of-word2vec/ NULL NULL Not Available NULL 2019
13722 Applying word2vec to Recommenders and Advertising · Chris McCormick https://mccormickml.com/2018/06/15/applying-word2vec-to-recommenders-and-advertising/ NULL NULL Not Available NULL 2019
13723 BERT Fine-Tuning Tutorial with PyTorch · Chris McCormick https://mccormickml.com/2019/07/22/BERT-fine-tuning/ NULL NULL Not Available NULL 2019
13724 BERT Word Embeddings Tutorial · Chris McCormick https://mccormickml.com/2019/05/14/BERT-word-embeddings-tutorial/ NULL NULL Not Available NULL 2019
13725 An Understandable Language Processing - SingularityNET https://blog.singularitynet.io/an-understandable-language-processing-3848f7560271 NULL NULL Not Available NULL 2019
13726 The State of Transfer Learning in NLP http://ruder.io/state-of-transfer-learning-in-nlp/ NULL NULL Not Available NULL 2019
13727 GitHub - VKCOM/YouTokenToMe: Unsupervised text tokenizer focused on computational efficiency https://github.com/vkcom/youtokentome NULL NULL Not Available NULL 2019
13728 GitHub - glample/fastBPE: Fast BPE https://github.com/glample/fastBPE NULL NULL Not Available NULL 2019
13729 GitHub - urielsinger/tNodeEmbed: tNodeEmbed https://github.com/urielsinger/tNodeEmbed NULL NULL Not Available NULL 2019
13730 Remove Stopwords using NLTK, spaCy and Gensim in Python https://www.analyticsvidhya.com/blog/2019/08/how-to-remove-stopwords-text-normalization-nltk-spacy-gensim-python NULL NULL Not Available NULL 2019
13731 GitHub - ICLRandD/Blackstone: A spaCy pipeline and model for NLP on unstructured legal text. https://github.com/ICLRandD/Blackstone NULL NULL Not Available NULL 2019
13732 GitHub - tensorflow/text: Making text a first-class citizen in TensorFlow. https://github.com/tensorflow/text NULL NULL Not Available NULL 2019
13733 Haim Post | AI21 Labs https://www.ai21.com/haim-post NULL NULL Not Available NULL 2019
13734 GitHub - fnl/syntok: Text tokenization and sentence segmentation (segtok v2) https://github.com/fnl/syntok NULL NULL Not Available NULL 2019
13735 Seedbank https://research.google.com/seedbank/seed/sparse_data_and_embeddings NULL NULL Not Available NULL 2019
13736 Seedbank https://research.google.com/seedbank/seed/intro_to_neural_networks NULL NULL Not Available NULL 2019