What Kind of Language Is Hard to Language-Model?
Mielke et al.: https://lnkd.in/eDUGmse
#ArtificialIntelligence #MachineLearning #NLP
  Mielke et al.: https://lnkd.in/eDUGmse
#ArtificialIntelligence #MachineLearning #NLP
CvxNets: Learnable Convex Decomposition
Boyang Deng, Kyle Genova, Soroosh Yazdani, Sofien Bouaziz, Geoffrey Hinton, Andrea Tagliasacchi : https://lnkd.in/eGUqxjz
  Boyang Deng, Kyle Genova, Soroosh Yazdani, Sofien Bouaziz, Geoffrey Hinton, Andrea Tagliasacchi : https://lnkd.in/eGUqxjz
Facebook Research at Interspeech 2019
https://ai.facebook.com/blog/facebook-research-at-interspeech-2019/
Sequence-to-Sequence Speech Recognition with Time-Depth Separable Convolutions
https://research.fb.com/publications/sequence-to-sequence-speech-recognition-with-time-depth-separable-convolutions/
Unsupervised Singing Voice Conversion
https://research.fb.com/publications/unsupervised-singing-voice-conversion/
  https://ai.facebook.com/blog/facebook-research-at-interspeech-2019/
Sequence-to-Sequence Speech Recognition with Time-Depth Separable Convolutions
https://research.fb.com/publications/sequence-to-sequence-speech-recognition-with-time-depth-separable-convolutions/
Unsupervised Singing Voice Conversion
https://research.fb.com/publications/unsupervised-singing-voice-conversion/
The largest publicly available language model: CTRL has 1.6B parameters and can be guided by control codes for style, content, and task-specific behavior. 
code: https://github.com/salesforce/ctrl
article: https://einstein.ai/presentations/ctrl.pdf
https://blog.einstein.ai/introducing-a-conditional-transformer-language-model-for-controllable-generation/
  code: https://github.com/salesforce/ctrl
article: https://einstein.ai/presentations/ctrl.pdf
https://blog.einstein.ai/introducing-a-conditional-transformer-language-model-for-controllable-generation/
What makes a good conversation?
How controllable attributes affect human judgments
A great post on conversation scoring.
Link:
https://www.abigailsee.com/2019/08/13/what-makes-a-good-conversation.html
Paper:
https://www.aclweb.org/anthology/N19-1170
#NLP #NLU #DL
❇️ @ai_python_en
  How controllable attributes affect human judgments
A great post on conversation scoring.
Link:
https://www.abigailsee.com/2019/08/13/what-makes-a-good-conversation.html
Paper:
https://www.aclweb.org/anthology/N19-1170
#NLP #NLU #DL
❇️ @ai_python_en
🔹 Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained👌
📌 https://github.com/trekhleb/homemade-machine-learning
❇️ @AI_Python
  
  📌 https://github.com/trekhleb/homemade-machine-learning
❇️ @AI_Python
GitHub
  
  GitHub - trekhleb/homemade-machine-learning: 🤖 Python examples of popular machine learning algorithms with interactive Jupyter…
  🤖 Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained - trekhleb/homemade-machine-learning
  NVIDIA Announces TensorRT 6; Breaks 10 millisecond barrier for BERT-Large
https://news.developer.nvidia.com/tensorrt6-breaks-bert-record/
  
  https://news.developer.nvidia.com/tensorrt6-breaks-bert-record/
NVIDIA Technical Blog
  
  NVIDIA Announces TensorRT 6; Breaks 10 millisecond barrier for BERT-Large | NVIDIA Technical Blog
  Today, NVIDIA released TensorRT 6 which includes new capabilities that dramatically accelerate conversational AI applications, speech recognition, 3D image segmentation for medical applications…
  🔍 DeepPavlov: An open-source library for end-to-end dialogue systems and chatbots
article: https://medium.com/tensorflow/deeppavlov-an-open-source-library-for-end-to-end-dialog-systems-and-chatbots-31cf26849e37
research: https://colab.research.google.com/github/deepmipt/dp_notebooks/blob/master/DP_tf.ipynb
code: https://github.com/deepmipt/DeepPavlov
  
  article: https://medium.com/tensorflow/deeppavlov-an-open-source-library-for-end-to-end-dialog-systems-and-chatbots-31cf26849e37
research: https://colab.research.google.com/github/deepmipt/dp_notebooks/blob/master/DP_tf.ipynb
code: https://github.com/deepmipt/DeepPavlov
Medium
  
  DeepPavlov: an open-source library for end-to-end dialog systems and chatbots
  A guest post by Vasily Konovalov
  ⭐️Fine-Tuning GPT-2 from Human Preferences
#OpenAI team fine-tuned 774M parameters model to achieve better scores in #summarization and stylistic text continuation in terms of human understanding.
Article definately worths reading (approx 15 min.) with Challenges and lessons learned section and examples.
Link: https://openai.com/blog/fine-tuning-gpt-2/
Paper: https://arxiv.org/abs/1909.08593
Code: https://github.com/openai/lm-human-preferences
#NLP #NLU #finetuning
  
  #OpenAI team fine-tuned 774M parameters model to achieve better scores in #summarization and stylistic text continuation in terms of human understanding.
Article definately worths reading (approx 15 min.) with Challenges and lessons learned section and examples.
Link: https://openai.com/blog/fine-tuning-gpt-2/
Paper: https://arxiv.org/abs/1909.08593
Code: https://github.com/openai/lm-human-preferences
#NLP #NLU #finetuning
Openai
  
  Fine-tuning GPT-2 from human preferences
  We’ve fine-tuned the 774M parameter GPT-2 language model using human feedback for various tasks, successfully matching the preferences of the external human labelers, though those preferences did not always match our own. Specifically, for summarization tasks…
  🗣 Using AI-generated questions to train NLP systems
https://ai.facebook.com/blog/research-in-brief-unsupervised-question-answering-by-cloze-translation/
code:
https://github.com/facebookresearch/UnsupervisedQA
paper:
https://research.fb.com/publications/unsupervised-question-answering-by-cloze-translation/
  
  https://ai.facebook.com/blog/research-in-brief-unsupervised-question-answering-by-cloze-translation/
code:
https://github.com/facebookresearch/UnsupervisedQA
paper:
https://research.fb.com/publications/unsupervised-question-answering-by-cloze-translation/
Facebook
  
  Research in Brief: Unsupervised Question Answering by Cloze Translation
  Facebook AI is releasing code for a self-supervised technique that uses AI-generated questions to train NLP systems, avoiding the need for labeled question answering training data.
  Neural networks in NLP are vulnerable to adversarially crafted inputs.
We show that they can be trained to become certifiably robust against input perturbations such as typos and synonym substitution in text classification:
https://arxiv.org/abs/1909.01492
  
  We show that they can be trained to become certifiably robust against input perturbations such as typos and synonym substitution in text classification:
https://arxiv.org/abs/1909.01492
arXiv.org
  
  Achieving Verified Robustness to Symbol Substitutions via Interval...
  Neural networks are part of many contemporary NLP systems, yet their empirical successes come at the price of vulnerability to adversarial attacks. Previous work has used adversarial training and...
  Depth Hints are complementary depth suggestions which improve monocular depth estimation algorithms trained from stereo pairs
code:
https://github.com/nianticlabs/depth-hints
paper:
https://arxiv.org/abs/1909.09051
dataset :
https://lmb.informatik.uni-freiburg.de/resources/datasets/SceneFlowDatasets.en.html
  
  code:
https://github.com/nianticlabs/depth-hints
paper:
https://arxiv.org/abs/1909.09051
dataset :
https://lmb.informatik.uni-freiburg.de/resources/datasets/SceneFlowDatasets.en.html
GitHub
  
  GitHub - nianticlabs/depth-hints: [ICCV 2019] Depth Hints are complementary depth suggestions which improve monocular depth estimation…
  [ICCV 2019] Depth Hints are complementary depth suggestions which improve monocular depth estimation algorithms trained from stereo pairs - nianticlabs/depth-hints
  Light regression analysis of some Microsoft employees salary distrubution
How basic knowledge of regression and couple of graphs can make an information look much better and clear.
Link: https://onezero.medium.com/leak-of-microsoft-salaries-shows-fight-for-higher-compensation-3010c589b41e
#regression #simple #salary #infographic
  
  How basic knowledge of regression and couple of graphs can make an information look much better and clear.
Link: https://onezero.medium.com/leak-of-microsoft-salaries-shows-fight-for-higher-compensation-3010c589b41e
#regression #simple #salary #infographic
Medium
  
  Leak of Microsoft Salaries Shows Fight for Higher Compensation
  The numbers range from $40,000 to $320,000 and reveal key details about how pay works at big tech companies
  100,000 FACES GENERATED BY AI FREE FOR ANY USE
https://generated.photos/
https://drive.google.com/drive/folders/1wSy4TVjSvtXeRQ6Zr8W98YbSuZXrZrgY
  
  https://generated.photos/
https://drive.google.com/drive/folders/1wSy4TVjSvtXeRQ6Zr8W98YbSuZXrZrgY
generated.photos
  
  Generated Photos | Unique, worry-free model photos
  AI-generated images have never looked better. Explore and download our diverse, copyright-free headshot images from our production-ready database.
  FSGAN: Subject Agnostic Face Swapping and Reenactment
New paper on #DeepFakes creation
YouTube demo:
https://www.youtube.com/watch?v=duo-tHbSdMk
Link:
https://nirkin.com/fsgan/
ArXiV:
https://arxiv.org/pdf/1908.05932.pdf
#FaceSwap #DL #Video #CV
  
  New paper on #DeepFakes creation
YouTube demo:
https://www.youtube.com/watch?v=duo-tHbSdMk
Link:
https://nirkin.com/fsgan/
ArXiV:
https://arxiv.org/pdf/1908.05932.pdf
#FaceSwap #DL #Video #CV
YouTube
  
  New Face Swapping AI Creates Amazing DeepFakes!
  📝 The paper "FSGAN: Subject Agnostic Face Swapping and Reenactment" is available here:
https://nirkin.com/fsgan/
❤️ Pick up cool perks on our Patreon page: https://www.patreon.com/TwoMinutePapers
🙏 We would like to thank our generous Patreon supporters…
  https://nirkin.com/fsgan/
❤️ Pick up cool perks on our Patreon page: https://www.patreon.com/TwoMinutePapers
🙏 We would like to thank our generous Patreon supporters…
Torchdata is PyTorch oriented library focused on data processing and input pipelines in general
https://github.com/szymonmaszke/torchdata
  
  https://github.com/szymonmaszke/torchdata
GitHub
  
  GitHub - szymonmaszke/torchdatasets: PyTorch dataset extended with map, cache etc. (tensorflow.data like)
  PyTorch dataset extended with map, cache etc. (tensorflow.data like) - szymonmaszke/torchdatasets
  2_5203986206391534542.pdf
    1.5 MB
  Sarbazi, M., Sadeghzadeh, M., & Mir Abedini, S. J. (2019). Improving resource allocation in software-defined networks using clustering. Cluster Computing. 
doi:10.1007/s10586-019-02985-3
❇️ @AI_Python_EN
  doi:10.1007/s10586-019-02985-3
❇️ @AI_Python_EN
  AI, Python, Cognitive Neuroscience
2_5203986206391534542.pdf
If you just published a paper let us inform other members.
@ai_python_en
  @ai_python_en