Microsoft open-sourced scripts and notebooks to pre-train and finetune BERT natural language model with domain-specific texts
Github: https://github.com/microsoft/AzureML-BERT
#Bert #Microsoft #NLP #dl
✴️ @AI_PYTHON_EN
Github: https://github.com/microsoft/AzureML-BERT
#Bert #Microsoft #NLP #dl
✴️ @AI_PYTHON_EN
Deep Reinforcement Learning
CS 285 at UC Berkeley Lectures will be streamed and recorded.
lectures: https://www.youtube.com/playlist?list=PLkFD6_40KJIwhWJpGazJ9VSj9CFMkb79A
http://rail.eecs.berkeley.edu/deeprlcourse/
✴️ @AI_PYTHON_EN
CS 285 at UC Berkeley Lectures will be streamed and recorded.
lectures: https://www.youtube.com/playlist?list=PLkFD6_40KJIwhWJpGazJ9VSj9CFMkb79A
http://rail.eecs.berkeley.edu/deeprlcourse/
✴️ @AI_PYTHON_EN
YouTube
CS285 Fall 2019
Share your videos with friends, family, and the world
Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch
https://huggingface.co/transformers
✴️ @AI_PYTHON_EN
https://huggingface.co/transformers
✴️ @AI_PYTHON_EN
OpenAI’s GPT-2 Text Generator: Wise As a Scholar
https://www.youtube.com/watch?v=0OtZ8dUFxXA
OpenAI's post:
https://openai.com/blog/gpt-2-6-month-follow-up/
✴️ @AI_Python_en
Free ebooks on Deep Learning
PDFs and epub books on Deep Learning. Make sure you comply with copyrights and use this repository only to get familiar with content and purchasing a legal copy afterward!
Also you should save this link somewhere by forwarding message to your Saved messages (just long tap / click on message and then type ‘Saved messages’ in the dialogue search) or your fellow group, because repo might get shutdown for copyright violation.
Link: https://github.com/ontiyonke/Free-Deep-Learning-Books/tree/master/book
#library #ebook
❇️ @AI_PYTHON_en
PDFs and epub books on Deep Learning. Make sure you comply with copyrights and use this repository only to get familiar with content and purchasing a legal copy afterward!
Also you should save this link somewhere by forwarding message to your Saved messages (just long tap / click on message and then type ‘Saved messages’ in the dialogue search) or your fellow group, because repo might get shutdown for copyright violation.
Link: https://github.com/ontiyonke/Free-Deep-Learning-Books/tree/master/book
#library #ebook
❇️ @AI_PYTHON_en
Why is Andrew reading a 30-year old software engineering paper?
http://worrydream.com/refs/Brooks-NoSilverBullet.pdf
❇️ @AI_Python_en
http://worrydream.com/refs/Brooks-NoSilverBullet.pdf
❇️ @AI_Python_en
Classification and Loss Evaluation - Softmax and Cross Entropy Loss
Nice notes on softmax cross entropy loss and how to implement it in numpy.
Link: https://deepnotes.io/softmax-crossentropy
❇️ @AI_Python_en
Nice notes on softmax cross entropy loss and how to implement it in numpy.
Link: https://deepnotes.io/softmax-crossentropy
❇️ @AI_Python_en
Parasdahal
Softmax and Cross Entropy Loss
Understanding the intuition and maths behind softmax and the cross entropy loss - the ubiquitous combination in classification algorithms.
DYC is a CLI tool that helps with documenting your #python source code. It will help keep you alert for new methods that were added and not documented. Also supports to build a reusable docstring template. Just answer the prompt questions in your terminal to see the effect on your files.
https://github.com/Zarad1993/dyc
https://github.com/Zarad1993/dyc
share our #NeurIPS2019 paper on generating graphs (~5K nodes) with graph recurrent attention networks (GRAN). It scales much better and achieves SOTA performance and very impressive sample-quality.
https://arxiv.org/abs/1910.00760
Code: https://github.com/lrjconan/GRAN
https://arxiv.org/abs/1910.00760
Code: https://github.com/lrjconan/GRAN
#strange
An awesome list of dev-related movies:
https://github.com/aryaminus/dev-movies
In case you don't have enough of development at work!
An awesome list of dev-related movies:
https://github.com/aryaminus/dev-movies
In case you don't have enough of development at work!
How #Facebook used Mask R-CNN, #PyTorch, and custom hardware integrations like foveated processing to improve Portal’s Smart Camera system.
Link:
https://ai.facebook.com/blog/smart-camera-portal-advances/
#CV #DL #Segmentation
Link:
https://ai.facebook.com/blog/smart-camera-portal-advances/
#CV #DL #Segmentation
8 Deep Learning / Computer Vision Bugs And How I Could Have Avoided Them
Link: https://medium.com/@arseny_info/8-deep-learning-computer-vision-bugs-and-how-i-could-have-avoided-them-d40b0e4b1da
Link: https://medium.com/@arseny_info/8-deep-learning-computer-vision-bugs-and-how-i-could-have-avoided-them-d40b0e4b1da
Library for Scikit-learn parallization
Operations like grid search, random forest, and others that use the njobs parameter in Scikit-Learn can automatically hand-off parallelism to a Dask cluster.
Link: https://ml.dask.org/joblib.html
#ML
❇️ @AI_Python_EN
Operations like grid search, random forest, and others that use the njobs parameter in Scikit-Learn can automatically hand-off parallelism to a Dask cluster.
Link: https://ml.dask.org/joblib.html
#ML
❇️ @AI_Python_EN
Machine learning datasets: A list of the biggest machine learning datasets from across the web.
https://lnkd.in/e7WZFTw
❇️ @AI_Python_EN
https://lnkd.in/e7WZFTw
❇️ @AI_Python_EN
ARTIFICIAL INTELLIGENCE 101 "AI 101: The First World-Class Overview of AI for All." 1) AI 101 CheatSheet:
https://lnkd.in/eXY_q_C 2)
Curated Open-Source Codes:
https://lnkd.in/dWUwH-Z
❇️ @AI_Python_EN
https://lnkd.in/eXY_q_C 2)
Curated Open-Source Codes:
https://lnkd.in/dWUwH-Z
❇️ @AI_Python_EN
Model interpretation and feature importance is a key for #datascientists to learn when running #machinelearing models. Here is a snippet from the #Genomics perspective.
a) Feature importance scores highlight parts of the input most predictive for the output. For DNA sequence-based models, these can be visualized as a sequence logo of the input sequence, with letter heights proportional to the feature importance score, which may also be negative (as visualized by letters facing upside down).
b ) Perturbation-based approaches perturb each input feature (left) and record the change in model prediction (centre) in the feature importance matrix (right). For DNA sequences, the perturbations correspond to single base substitutions.
c) Backpropagation- based approaches compute the feature importance scores using gradients or augmented gradients such as DeepLIFT (Deep Learning Important FeaTures)* for the input features with respect to model prediction.
Link to this lovely paper:
https://lnkd.in/dfmvP9c
❇️ @AI_Python_EN
a) Feature importance scores highlight parts of the input most predictive for the output. For DNA sequence-based models, these can be visualized as a sequence logo of the input sequence, with letter heights proportional to the feature importance score, which may also be negative (as visualized by letters facing upside down).
b ) Perturbation-based approaches perturb each input feature (left) and record the change in model prediction (centre) in the feature importance matrix (right). For DNA sequences, the perturbations correspond to single base substitutions.
c) Backpropagation- based approaches compute the feature importance scores using gradients or augmented gradients such as DeepLIFT (Deep Learning Important FeaTures)* for the input features with respect to model prediction.
Link to this lovely paper:
https://lnkd.in/dfmvP9c
❇️ @AI_Python_EN
Understanding the Backpropagation Algorithm.
#BigData #DataScience #AI #MachineLearning #IoT #IIoT #PyTorch #Python #TensorFlow #CloudComputing #Algorithms
http://bit.ly/2ASKwqx
❇️ @AI_Python_EN
#BigData #DataScience #AI #MachineLearning #IoT #IIoT #PyTorch #Python #TensorFlow #CloudComputing #Algorithms
http://bit.ly/2ASKwqx
❇️ @AI_Python_EN
This awesome story from ETH Zürich #AI #researchers needs to be told! They used #artificialintelligence to improve quality of images recorded by a relatively new biomedical imaging method. This paves the way towards more accurate #diagnosis and cost-effective devices. How awesome is that! Important note on optoacoustic tomography
They used #machinelearning method to improve optoacoustic imaging. This relatively young #medicalimaging technique can be used for applications such as visualizing blood vessels, studying brain activity, characterizing skin lesions and diagnosing breast cancer. Paper is here:
https://lnkd.in/dtgUq4A
Code: https://lnkd.in/dYy32Vd
#deeplearning
❇️ @AI_Python_en
They used #machinelearning method to improve optoacoustic imaging. This relatively young #medicalimaging technique can be used for applications such as visualizing blood vessels, studying brain activity, characterizing skin lesions and diagnosing breast cancer. Paper is here:
https://lnkd.in/dtgUq4A
Code: https://lnkd.in/dYy32Vd
#deeplearning
❇️ @AI_Python_en