AI週刊:第1期

嘗試將平時收集的資訊、論文、工具等按 周為單位

彙總起來,具體方向不確定,主要是能吸引我注意、興趣的。如果你有興趣,也來關注一下吧,點個贊就更好了。大概可能也許每週五更新。

一週一圖

AI週刊:第1期

新鮮新奇

【GitHub現在對團隊免費】

https://github.blog/2020-04-14-github-is-now-free-for-teams/

【KDD Cup 2020】 AutoGraph Challenge

https://www.automl.ai/competitions/3

【預測新冠確診趨勢】 清華計算機系AMiner團隊和智譜.AI聯合推出,以官方公佈歷史數據為基礎,引入醫療隔離和大眾防疫因素,以智能AI算法預測確診病例數量的變化趨勢。

https://2019-ncov.aminer.cn/data

【新冠肺炎開放數據源】 為了對抗蔓延全球的新冠肺炎疫情,開放而全面的數據資源可以幫助研究者、官員、醫療工作者和普通民眾更深入地瞭解病毒和疫情。Aminer自疫情發端即致力於收集來自世界各地各種類型的相關開放數據,並保持持續更新。數據集的範圍包括疫情、科研、知識圖譜、媒體信息等各方面。

https://aminer.cn/data-covid19/?lang=zh

【自拍轉二次元】 把單人自拍變成二次元(女的比男生效果更好)

【demo】 https://waifu.lofiu.com/index.zh.html

【代碼 PyTorch】 https://github.com/znxlwm/UGATIT-pytorch

【代碼 TensorFlow】 https://github.com/taki0112/UGATIT

【論文】 U-GAT-IT: Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation

【arXiv】 https://arxiv.org/abs/1907.10830

AI週刊:第1期

【COVID-19相關機器學習資源和數據列表】

https://www.marktechpost.com/2020/04/12/list-of-covid-19-resources-for-machine-learning-and-data-science-research/

【詞向量可視化】whatlies:詞向量交互可視化

https://spacy.io/universe/project/whatlies

【上海交通大學生存手冊】 更新2008年版本的《上海交通大學生存手冊》

https://github.com/SurviveSJTU/SurviveSJTUManual

AI週刊:第1期

Github工具

【Skeltorch:PyTorch項目的輕量級框架】 輕巧的框架可幫助研究人員使用PyTorch更快地進行原型製作。

https://github.com/davidalvarezdlt/skeltorch

【計算機視覺標註工具(CVAT)】 強大高效的計算機視覺註釋工具。

https://github.com/opencv/cvat

【NVIDIA數據科學堆棧工具】

https://github.com/NVIDIA/data-science-stack

【Keras-Bert-Ner】 中文命名實體識別任務下的Keras解決方案,下游模型支持BiLSTM-CRF/BiGRU-CRF/IDCNN-CRF,預訓練語言模型採用BERT系列:支持BERT/RoBERTa/ALBERT。

https://github.com/liushaoweihua/keras-bert-ner

【REL:Radboud實體鏈接器】

https://github.com/informagi/REL

【Event-Reduce】 可多次運行的數據庫優化查詢的算法

https://github.com/pubkey/event-reduce

【ModernCppStarter】 啟動您的C!使用CMake,CI,代碼覆蓋率,clang格式,可重現的依賴性管理等的現代C項目模板。

https://github.com/TheLartians/ModernCppStarter

【TensorStore】 用於讀取和寫入大型多維數組的庫

https://github.com/google/tensorstore

【Athena - 信號處理開源庫】 Athena-signal 是語音信號處理算法的開源實現。

https://github.com/athena-team/athena-signal

【偽造背景】 在GNU / Linux下偽造您的網絡攝像頭背景

https://github.com/fangfufu/Linux-Fake-Background-Webcam

【jupyter提醒】 Jupyter Notifier是一個瀏覽器擴展,可在代碼單元終止時通知您。

https://github.com/naraB/jupyter-notifier

AI週刊:第1期

學習資源

【Kaggle教程】 圖像分割:來自39個Kaggle比賽的技巧和竅門

https://neptune.ai/blog/image-segmentation-tips-and-tricks-from-kaggle-competitions

AI週刊:第1期

【Winner Solution for 4th LPCVC】 低功耗計算機視覺挑戰賽(LPCVC)的第四屆設備視覺智能競賽(OVIC)的第一名,無論是分類軌道還是檢測軌道。

https://github.com/mit-han-lab/lpcvc

【醫療AI】 AI for Medicine 專項課程

https://www.coursera.org/specializations/ai-for-medicine

【算法設計】 CS 159:數據驅動的算法設計

https://sites.google.com/view/cs-159-spring-2020/home

【NLP教程】 深度學習研究人員的自然語言處理教程(TensorFlow/Pytorch)

https://github.com/graykode/nlp-tutorial

【TensorFlow Lite】 如何幫你從原型到產品

https://blog.tensorflow.org/2020/04/how-tensorflow-lite-helps-you-from-prototype-to-product.html

【TensorFlow模型優化工具包】 實現高精度量化感知訓練

https://blog.tensorflow.org/2020/04/quantization-aware-training-with-tensorflow-model-optimization-toolkit.html

文獻

【Awesome-Self-Supervised-Papers】 自監督學習論文大集合

https://github.com/Sungman-Cho/Awesome-Self-Supervised-Papers

【經典論文】

百篇最值得一讀的“認知圖譜”經典論文

https://www.aminer.cn/search/pub?from=csdn&q=Cognitive%20Graph&t=b

【多注意力圖網絡的交通預測】 GMAN: A Graph Multi-Attention Network for Traffic Prediction (AAAI 2020)

https://github.com/zhengchuanpan/GMAN

AI週刊:第1期

【超越記憶的基礎語言學習】 BabyAI++: Towards Grounded-Language Learning beyond Memorization

https://arxiv.org/abs/2004.07200

【強化學習 數據集】 Datasets for Data-Driven Reinforcement Learning

https://arxiv.org/abs/2004.07219

【深卷積網絡的層次群稀疏正則化】 Hierarchical Group Sparse Regularization for Deep Convolutional Neural Networks (IJCNN 2020)

【Github PyTorch】 https://github.com/K-Mitsuno/hierarchical-group-sparse-regularization https://arxiv.org/abs/2004.04394

【改進的殘差網絡】 Improved Residual Networks for Image and Video Recognition

【Github PyTorch】 https://github.com/iduta/iresnet

【分解基於BERT的詞彙模型的句嵌入方法】 SBERT-WK: A Sentence Embedding Method By Dissecting BERT-based Word Models

https://github.com/BinWang28/SBERT-WK-Sentence-Embedding https://arxiv.org/abs/2002.06652

【無監督機器翻譯什麼時候起作用?】 When Does Unsupervised Machine Translation Work?

https://arxiv.org/abs/2004.05516

【對預訓練模型的攻擊】 Weight Poisoning Attacks on Pre-trained Models(ACL 2020)

https://github.com/neulab/RIPPLe https://arxiv.org/abs/2004.06660

【無監督QA】 Unsupervised Commonsense Question Answering with Self-Talk

https://arxiv.org/abs/2004.05483 https://github.com/vered1986/self_talk

【綜述:神經網絡中的元學習】

Meta-Learning in Neural Networks: A Survey

https://arxiv.org/abs/2004.05439

【視覺任務中的自監督預訓練的好處】 How Useful is Self-Supervised Pretraining for Visual Tasks?(CVPR 2020)

https://github.com/princeton-vl/selfstudy-render https://arxiv.org/abs/2003.14323

【克服GNN的過度平滑】 PairNorm: Tackling Oversmoothing in GNNs(ICLR 2020)

https://github.com/LingxiaoShawn/PairNorm https://openreview.net/forum?id=rkecl1rtwB

【用於人類軌跡預測的社區時空圖卷積神經網絡】 Social-STGCNN: A Social Spatio-Temporal Graph Convolutional Neural Network for Human Trajectory Prediction(CVPR 2020)

https://github.com/abduallahmohamed/Social-STGCNN https://arxiv.org/abs/2002.11927

用於視頻和語言研究的大規模,高質量多語言數據集 VaTeX: A Large-Scale, High-Quality Multilingual Dataset for Video-and-Language Research (ICCV 2019)

https://github.com/eric-xw/Video-guided-Machine-Translation https://vatex.org/main/translation_2020.html https://arxiv.org/abs/1904.03493

AI週刊:第1期

【長文本Transformaer】 Longformer: The Long-Document Transformer

https://arxiv.org/abs/2004.05150 https://github.com/allenai/longformer


分享到:


相關文章: