-
Notifications
You must be signed in to change notification settings - Fork 1
/
Copy pathimp_links
214 lines (131 loc) · 10.5 KB
/
imp_links
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
Important links
xpdf reader for pdf to html call through subprocess
https://towardsdatascience.com/gradient-descent-in-a-nutshell-eaf8c18212f0
https://www.datacamp.com/courses/deep-learning-in-python?tap_a=5644-dce66f&tap_s=210732-9d6bbf
https://stackoverflow.com/questions/48994440/execute-a-function-after-flask-returns-response
https://towardsdatascience.com/creating-a-spell-checker-with-tensorflow-d35b23939f60
https://machinelearningmastery.com/develop-bidirectional-lstm-sequence-classification-python-keras/
http://dirko.github.io/Bidirectional-LSTMs-with-Keras/
https://towardsdatascience.com/recurrent-neural-networks-and-lstm-4b601dd822a5
https://stackoverflow.com/questions/39232176/is-my-model-underfitting-tensorflow
http://adventuresinmachinelearning.com/word2vec-tutorial-tensorflow/
https://codeburst.io/how-to-rewrite-your-sql-queries-in-pandas-and-more-149d341fc53e (pandas with sql)
https://medium.com/intro-to-artificial-intelligence/entity-extraction-using-deep-learning-8014acac6bb8 NER
https://medium.com/greyatom/an-introduction-to-bag-of-words-in-nlp-ac967d43b428 countvectors
https://medium.com/data-science-group-iitr/word-embedding-2d05d270b285 word vectors full explain
https://ml-cheatsheet.readthedocs.io/en/latest/loss_functions.html loss machine learning
https://www.depends-on-the-definition.com/guide-sequence-tagging-neural-networks-python/ NER Tagger
https://github.com/keras-team/keras/issues/7133 LSTM embeding and non embeding layer
https://towardsdatascience.com/nlp-building-a-question-answering-model-ed0529a68c54 squad dataset
https://towardsdatascience.com/building-a-question-answering-system-part-1-9388aadff507 QA system
[10:49 PM, 12/13/2018] Sohom Ghosh: https://github.com/sohomghosh/Solutions_of_Data_Science_Hackathons/blob/master/Analytics_Vidhya/AV_Linguipedia_Sep18/av_linguipedia%20(3).ipynb
[10:49 PM, 12/13/2018] Sohom Ghosh: train_test_features=pd.concat([pd.DataFrame(features_sent),pd.DataFrame(features_sent_ft),train_test_tfidf],axis=1)
BERT ,transformer AND ATTENTION
https://towardsdatascience.com/implementing-neural-machine-translation-with-attention-using-tensorflow-fc9c6f26155f
https://pathmind.com/wiki/attention-mechanism-memory-network
https://www.kaggle.com/lalitparihar44/detailed-text-based-feature-engineering Feature engineering and stopword,punctuation removal everything
https://www.kaggle.com/shivamb/extensive-text-data-feature-engineering
https://www.kaggle.com/pavanraj159/telecom-customer-churn-prediction/notebook customer churn rate kaggle competition
https://datascienceplus.com/multi-class-text-classification-with-scikit-learn/ best classifier making for text
https://www.fabienplisson.com/random-forest-and-grid-search/ Randomforrest with grid search
https://towardsdatascience.com/solving-a-simple-classification-problem-with-python-fruits-lovers-edition-d20ab6b071d2 Classfication best
http://blog.kaggle.com/2016/07/21/approaching-almost-any-machine-learning-problem-abhishek-thakur/ best turials for tunnning
https://medium.com/@pushkarmandot/build-your-first-deep-learning-neural-network-model-using-keras-in-python-a90b5864116d Kerass Classfication binary
https://medium.com/@pushkarmandot
https://towardsdatascience.com/predictive-customer-analytics-part-iv-ab15843c8c63 cluster analysis
https://www.datacamp.com/community/tutorials/introduction-customer-segmentation-python
https://www.kaggle.com/sanjeet41/data-wrangling-with-pandas pandas tutorials and exploratory analysis
----------------------------------------PUZZLES---------------------------------
How many tennis balls can be fitted in a school bus
https://docs.google.com/forms/d/e/1FAIpQLScJ5CP8r8vi8hRE-XDdDNAAscvXH6YvWtd1aL-riz1g9u1GdQ/viewform
#--------------------------------------KERAS------------------------------------------------
https://machinelearningmastery.com/return-sequences-and-return-states-for-lstms-in-keras/
https://medium.com/jatana/unsupervised-text-summarization-using-sentence-embeddings-adb15ce83db1
#-------------------------------machine translation-------------------------------------
http://www.manythings.org/anki/ datasets for neural machine translation
#-----------------------regression
https://stackoverflow.com/questions/47577168/how-can-i-increase-the-accuracy-of-my-linear-regression-modelmachine-learning/47588521
#----------------Random search tuning hyperparameters
https://towardsdatascience.com/hyperparameter-tuning-the-random-forest-in-python-using-scikit-learn-28d2aa77dd74
https://medium.com/@joealato/attention-in-nlp-734c6fa9d983
#-----------------------scaling the paramater using minmax and standard scalar
https://machinelearningmastery.com/how-to-improve-neural-network-stability-and-modeling-performance-with-data-scaling/
#--------------smote machine learning and oversampling data
https://www.kaggle.com/qianchao/smote-with-imbalance-data/notebook
https://www.kaggle.com/theoviel/dealing-with-class-imbalance-with-smote
https://www.analyticsvidhya.com/blog/2020/10/overcoming-class-imbalance-using-smote-techniques/
#--------------
https://towardsdatascience.com/the-next-level-of-data-visualization-in-python-dd6e99039d5e
#----------keras learning
http://keras.dhpit.com/
#-----------------Neural machine translation
https://jalammar.github.io/visualizing-neural-machine-translation-mechanics-of-seq2seq-models-with-attention/
#--------------elmo embeddings
https://towardsdatascience.com/elmo-contextual-language-embedding-335de2268604
#---grid search
https://www.kaggle.com/sociopath00/random-forest-using-gridsearchcv
#--- text clustering tutorials
https://appliedmachinelearning.blog/2018/01/18/conventional-approach-to-text-classification-clustering-using-k-nearest-neighbor-k-means-python-implementation/
#----------------text multiclass
https://towardsdatascience.com/multi-class-text-classification-with-scikit-learn-12f1e60e0a9f
https://towardsdatascience.com/multi-class-text-classification-model-comparison-and-selection-5eb066197568 latest one
#0----------elmo semantic search engine
https://colab.research.google.com/drive/13f6dKakC-0yO6_DxqSqo0Kl41KMHT8A1#scrollTo=HfgIfOxXQ8ba&forceEdit=true&offline=true&sandboxMode=true
#text summarizer usinf tfidf
https://towardsdatascience.com/text-summarization-using-tf-idf-e64a0644ace3
#doc2vec and random forrest
https://www.kaggle.com/tj2552/sentiment-classification-in-5-classes-doc2vec
#keras NER elmo
https://towardsdatascience.com/named-entity-recognition-ner-meeting-industrys-requirement-by-applying-state-of-the-art-deep-698d2b3b4ede
regression
https://towardsdatascience.com/simple-and-multiple-linear-regression-with-python-c9ab422ec29c
REGRESSION ANALYSIS COMPLETE
https://www.kaggle.com/yiidtw/a-complete-guide-for-regression-problem/notebook
machine translation website link
https://towardsdatascience.com/neural-machine-translation-using-seq2seq-with-keras-c23540453c74
https://www.kaggle.com/aiswaryaramachandran/english-to-hindi-neural-machine-translation machine translation
https://www.kaggle.com/sitaramireddy1994/lrp-for-neural-machine-translation
https://github.com/prateekjoshi565/machine_translation/blob/master/german_to_english.ipynb
https://nextjournal.com/gkoehler/machine-translation-seq2seq-cpu
https://github.com/cheeyeo/neural-machine-translation
https://github.com/virus94/neural_machine_translation_keras
https://github.com/virus94/neural_machine_translation_keras
https://github.com/InsiderPants/Neural-Machine-Translation
https://github.com/Mayurgupta3/Neural-Machine-Translation-System-in-Keras
https://github.com/Piyush1416/Machine-Translation/blob/master/NMT_using_German_to_English.ipynb
https://github.com/kevincui5/translator
https://machinetalk.org/2019/03/29/neural-machine-translation-with-attention-mechanism/ luong style attention
https://towardsdatascience.com/implementing-neural-machine-translation-with-attention-using-tensorflow-fc9c6f26155f
https://stackoverflow.com/questions/42065405/remove-noise-from-threshold-image-opencv-python
https://stackoverflow.com/questions/48681465/how-do-i-remove-the-dots-noise-without-damaging-the-text
Transformers need instead of lstm with working
https://towardsdatascience.com/transformers-141e32e69591
#-----------------------Tensorflow serving----------
https://www.analyticsvidhya.com/blog/2020/03/tensorflow-serving-deploy-deep-learning-models/
--_------Bert----
https://blog.insightdatascience.com/using-bert-for-state-of-the-art-pre-training-for-natural-language-processing-1d87142c29e7
https://stackoverflow.com/questions/54118076/how-to-resample-text-imbalanced-groups-in-a-pipeline randomoversampling in pipeline
--------------annotation tool ----------------
https://github.com/NaturalIntelligence/imglab
Deployemnt
https://medium.com/@maheshkkumar/a-guide-to-deploying-machine-deep-learning-model-s-in-production-e497fd4b734a
#--------------------------docker multi container
https://www.clickittech.com/devops/dockerize-flask-python-application/
#------------------multiprocessing
https://stackoverflow.com/questions/43474923/two-functions-in-parallel-with-multiple-arguments-and-return-values
https://www.analyticsvidhya.com/blog/2021/05/measuring-text-similarity-using-bert/ finding similarity using bert
Async flask api with redis task queue
https://github.com/yashugupta786/rq-flask-template
https://towardsdatascience.com/use-redis-queue-for-asynchronous-tasks-in-a-flask-app-d39f2a8c2667
https://stackoverflow.com/questions/6476945/how-do-i-run-redis-on-windows redis as service on windows
https://blog.miguelgrinberg.com/post/the-flask-mega-tutorial-part-xxii-background-jobs
https://towardsdatascience.com/deploying-ml-models-in-production-with-fastapi-and-celery-7063e539a5db
https://medium.com/featurepreneur/using-celery-with-flask-for-asynchronous-tasks-18b59ff71c03
----------------------
https://towardsdatascience.com/deploying-ml-models-in-production-with-fastapi-and-celery-7063e539a5db
https://medium.com/technonerds/a-production-grade-machine-learning-api-using-flask-gunicorn-nginx-and-docker-part-2-c69629199037
https://medium.com/@maheshkkumar/a-guide-to-deploying-machine-deep-learning-model-s-in-production-e497fd4b734a
https://levelup.gitconnected.com/dockerized-flask-celery-rabbitmq-redis-application-df74c837a0a1
https://towardsdatascience.com/containerizing-huggingface-transformers-for-gpu-inference-with-docker-and-fastapi-on-aws-d4a83edede2f
https://stackabuse.com/asynchronous-tasks-in-django-with-redis-and-celery/
https://stackoverflow.com/questions/53768414/using-redis-as-celery-result-backend-and-message-broker-task-expiration-for-k