AI, Data, Culture: In Conversation with Ben Horowitz, GP, a16z
https://mattturck.com/horowitz/#more-1302
https://mattturck.com/horowitz/#more-1302
Matt Turck
AI, Data, Culture: In Conversation with Ben Horowitz, GP, a16z
Ben Horowitz resoundingly falls in the category of "needing no introduction": a highly successful entrepreneur who navigated a perilous situation with his business (Loudcloud, which became Opsware) to a $1.65B acquisition by HP, he's also the founder of premier…
Turing-NLG: the largest language model with 17 billion parameters trained by DeepSpeed
LINKS
Turing-NLP: https://www.microsoft.com/en-us/research/blog/turing-nlg-a-17-billion-parameter-language-model-by-microsoft/
DeepSpeed: https://mspoweruser.com/meet-microsoft-deepspeed-a-new-deep-learning-library-that-can-train-massive-100-billion-parameter-models/
Github: https://github.com/microsoft/DeepSpeed
LINKS
Turing-NLP: https://www.microsoft.com/en-us/research/blog/turing-nlg-a-17-billion-parameter-language-model-by-microsoft/
DeepSpeed: https://mspoweruser.com/meet-microsoft-deepspeed-a-new-deep-learning-library-that-can-train-massive-100-billion-parameter-models/
Github: https://github.com/microsoft/DeepSpeed
Microsoft Research
Turing-NLG: A 17-billion-parameter language model by Microsoft - Microsoft Research
This figure was adapted from a similar image published in DistilBERT. Turing Natural Language Generation (T-NLG) is a 17 billion parameter language model by Microsoft that outperforms the state of the art on many downstream NLP tasks. We present a demo of…
TRFL : TensorFlow Reinforcement Learning
A library of reinforcement learning building blocks
By DeepMind: https://github.com/deepmind/trfl
#DeepLearning #TensorFlow #ReinforcementLearning
A library of reinforcement learning building blocks
By DeepMind: https://github.com/deepmind/trfl
#DeepLearning #TensorFlow #ReinforcementLearning
GitHub
GitHub - google-deepmind/trfl: TensorFlow Reinforcement Learning
TensorFlow Reinforcement Learning. Contribute to google-deepmind/trfl development by creating an account on GitHub.
Efficient Graph Generation with Graph Recurrent Attention Networks
Liao et al.: https://arxiv.org/abs/1910.00760
Code: https://github.com/lrjconan/GRAN
#Graph #NeuralNetworks #NeurIPS #NeurIPS2019
Liao et al.: https://arxiv.org/abs/1910.00760
Code: https://github.com/lrjconan/GRAN
#Graph #NeuralNetworks #NeurIPS #NeurIPS2019
GitHub
GitHub - lrjconan/GRAN: Efficient Graph Generation with Graph Recurrent Attention Networks, Deep Generative Model of Graphs, Graph…
Efficient Graph Generation with Graph Recurrent Attention Networks, Deep Generative Model of Graphs, Graph Neural Networks, NeurIPS 2019 - lrjconan/GRAN
Language Models as Knowledge Bases?
Petroni et al.: https://arxiv.org/abs/1909.01066
#Transformers #NaturalLanguageProcessing #MachineLearning
Petroni et al.: https://arxiv.org/abs/1909.01066
#Transformers #NaturalLanguageProcessing #MachineLearning
Fine tuning U-Net for ultrasound image segmentation: which layers?. http://arxiv.org/abs/2002.08438
Machine learning identifies variability among children's neural anatomy
http://sciencemission.com/site/index.php
http://sciencemission.com/site/index.php
MonoLayout: Amodal scene layout from a single image
Paper: https://arxiv.org/pdf/2002.08394.pdf
Github: https://hbutsuak95.github.io/monolayout/
Paper: https://arxiv.org/pdf/2002.08394.pdf
Github: https://hbutsuak95.github.io/monolayout/
Introduction to Reinforcement Learning
By DeepMind: https://www.youtube.com/watch?v=2pWv7GOvuf0&list=PLqYmG7hTraZDM- OYHWgPebj2MfCFzFObQ
#DeepLearning #ReinforcementLearning #Robotics
By DeepMind: https://www.youtube.com/watch?v=2pWv7GOvuf0&list=PLqYmG7hTraZDM- OYHWgPebj2MfCFzFObQ
#DeepLearning #ReinforcementLearning #Robotics
YouTube
RL Course by David Silver - Lecture 1: Introduction to Reinforcement Learning
#Reinforcement Learning Course by David Silver# Lecture 1: Introduction to Reinforcement Learning
#Slides and more info about the course: http://goo.gl/vUiyjq
#Slides and more info about the course: http://goo.gl/vUiyjq
MIT Deep Learning online course *New 2020 Edition* ALL! New lectures every week for the rest of the course with slides, video coding labs
For all lectures, slides, and lab materials http://introtodeeplearning.com/
https://www.youtube.com/watch?v=iaSUYvmCekI&feature=youtu.be
For all lectures, slides, and lab materials http://introtodeeplearning.com/
https://www.youtube.com/watch?v=iaSUYvmCekI&feature=youtu.be
MIT Deep Learning 6.S191
MIT's introductory course on deep learning methods and applications
Using neural networks to solve advanced mathematics equations
https://ai.facebook.com/blog/using-neural-networks-to-solve-advanced-mathematics-equations/
https://ai.facebook.com/blog/using-neural-networks-to-solve-advanced-mathematics-equations/
Best Practices for Machine Learning engineering
https://github.com/mukeshmithrakumar/Book_List/blob/master/Rules%20of%20Machine%20Learning.pdf
https://github.com/mukeshmithrakumar/Book_List/blob/master/Rules%20of%20Machine%20Learning.pdf
The Global Expansion of AI Surveillance
https://carnegieendowment.org/2019/09/17/global-expansion-of-ai-surveillance-pub-79847
https://carnegieendowment.org/2019/09/17/global-expansion-of-ai-surveillance-pub-79847
Carnegie Endowment for International Peace
The Global Expansion of AI Surveillance
A growing number of states are deploying advanced AI surveillance tools to monitor, track, and surveil citizens. Carnegie’s new index explores how different countries are going about this.
KaoKore: A Pre-modern Japanese Art Facial Expression Dataset
Paper: https://arxiv.org/pdf/2002.08595v1.pdf
Github: https://github.com/rois-codh/kaokore
Paper: https://arxiv.org/pdf/2002.08595v1.pdf
Github: https://github.com/rois-codh/kaokore
Exploring Transfer Learning with T5: the Text-To-Text Transfer Transformer
we present a large-scale empirical survey to determine which transfer learning techniques work best and apply these insights at scale to create a new model that we call the Text-To-Text Transfer Transformer (T5). We also introduce a new open-source pre-training dataset, called the Colossal Clean Crawled Corpus (C4). The T5 model, pre-trained on C4, achieves state-of-the-art results on many NLP benchmarks while being flexible enough to be fine-tuned to a variety of important downstream tasks. In order for our results to be extended and reproduced, we provide the code and pre-trained models, along with an easy-to-use Colab Notebook to help get started.
https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html
we present a large-scale empirical survey to determine which transfer learning techniques work best and apply these insights at scale to create a new model that we call the Text-To-Text Transfer Transformer (T5). We also introduce a new open-source pre-training dataset, called the Colossal Clean Crawled Corpus (C4). The T5 model, pre-trained on C4, achieves state-of-the-art results on many NLP benchmarks while being flexible enough to be fine-tuned to a variety of important downstream tasks. In order for our results to be extended and reproduced, we provide the code and pre-trained models, along with an easy-to-use Colab Notebook to help get started.
https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html
research.google
Exploring Transfer Learning with T5: the Text-To-Text Transfer Transformer
Posted by Adam Roberts, Staff Software Engineer and Colin Raffel, Senior Research Scientist, Google Research Over the past few years, transfer le...
Intro to Graph Representation Learning
The simple PyTorch implementations along with the easy explanations are good to get one started.
The following repository holds the code and link to the blogs, by Data Science Group, IIT Roorkee : https://github.com/dsgiitr/graph_nets
The simple PyTorch implementations along with the easy explanations are good to get one started.
The following repository holds the code and link to the blogs, by Data Science Group, IIT Roorkee : https://github.com/dsgiitr/graph_nets
GitHub
GitHub - dsgiitr/graph_nets: PyTorch Implementation and Explanation of Graph Representation Learning papers: DeepWalk, GCN, GraphSAGE…
PyTorch Implementation and Explanation of Graph Representation Learning papers: DeepWalk, GCN, GraphSAGE, ChebNet & GAT. - dsgiitr/graph_nets
250,000 Cars - Top 10 Free Vehicle Image and Video Datasets for Machine Learning
https://lionbridge.ai/datasets/250000-cars-top-10-free-vehicle-image-and-video-datasets-for-machine-learning/
https://lionbridge.ai/datasets/250000-cars-top-10-free-vehicle-image-and-video-datasets-for-machine-learning/
Telusinternational
AI Image Data | TELUS International
TELUS International provides image data creation and image data annotation services for AI, computer vision (CV), and machine learning (ML) applications.