The new ResNet PoseNet model is much more accurate than the MobileNet one (the trade off being size & speed). The model is quantized & 25MB.
Pose estimation model, capable of running on devices
This model is really great for art installations or running on desktops.
Demo (requires camera, will work on desktop): https://storage.googleapis.com/tfjs-models/demos/posenet/camera.html?linkId=69346544
Github: https://github.com/tensorflow/tfjs-models/tree/master/posenet
#tensorflow #tensorflowjs #js #pose #poseestimation #posenet #ResNet #device #ondevice
Pose estimation model, capable of running on devices
This model is really great for art installations or running on desktops.
Demo (requires camera, will work on desktop): https://storage.googleapis.com/tfjs-models/demos/posenet/camera.html?linkId=69346544
Github: https://github.com/tensorflow/tfjs-models/tree/master/posenet
#tensorflow #tensorflowjs #js #pose #poseestimation #posenet #ResNet #device #ondevice
Estimating the success of re-identifications in incomplete datasets using generative models
99.98% of Americans would be correctly re-identified in any dataset using 15 demographic attributes, suggesting that even heavily sampled anonymized datasets are unlikely to satisfy the modern standards for anonymization set forth by GDPR.
This is a big concern about privacy and a problem for Data Engineering, especially for those working with anonymized personal information. Paper provides a way to re-identify person from anonymized dataset, this can be useful for people who work for government or security companies
https://www.reddit.com/r/science/comments/chko43/9998_of_americans_would_be_correctly_reidentified/
#privacy #gdpr #federatedlearning #ml
99.98% of Americans would be correctly re-identified in any dataset using 15 demographic attributes, suggesting that even heavily sampled anonymized datasets are unlikely to satisfy the modern standards for anonymization set forth by GDPR.
This is a big concern about privacy and a problem for Data Engineering, especially for those working with anonymized personal information. Paper provides a way to re-identify person from anonymized dataset, this can be useful for people who work for government or security companies
https://www.reddit.com/r/science/comments/chko43/9998_of_americans_would_be_correctly_reidentified/
#privacy #gdpr #federatedlearning #ml
Reddit
From the science community on Reddit: 99.98% of Americans would be correctly re-identified in any dataset using 15 demographic…
Explore this post and more from the science community
🔥Neural Point-Based Graphics
Breakthrough work on generating realistic 3D scenes in AR.
Demo: https://www.youtube.com/watch?v=7s3BYGok7wU
Project page: https://dmitryulyanov.github.io/neural_point_based_graphics
ArXiV: https://arxiv.org/pdf/1906.08240.pdf
#CV #AR #DL #SamsungAI
Breakthrough work on generating realistic 3D scenes in AR.
Demo: https://www.youtube.com/watch?v=7s3BYGok7wU
Project page: https://dmitryulyanov.github.io/neural_point_based_graphics
ArXiV: https://arxiv.org/pdf/1906.08240.pdf
#CV #AR #DL #SamsungAI
YouTube
Neural Point-Based Graphics
Full paper https://arxiv.org/abs/1906.08240
Project page https://dmitryulyanov.github.io/neural_point_based_graphics
Discussion on Reddit: https://www.reddit.com/r/MachineLearning/comments/chc220/research_neural_pointbased_graphics
#computergraphics #pointcloud…
Project page https://dmitryulyanov.github.io/neural_point_based_graphics
Discussion on Reddit: https://www.reddit.com/r/MachineLearning/comments/chc220/research_neural_pointbased_graphics
#computergraphics #pointcloud…
Baidu’s Optimized ERNIE Achieves State-of-the-Art Results in Natural Language Processing Tasks
#Baide developed ERNIE 2.0, a continual pre-training framework for language understanding. The model built on this framework has outperformed #BERT and #XLNet on 16 tasks in Chinese and English.
Link: http://research.baidu.com/Blog/index-view?id=121
#NLP #NLU
#Baide developed ERNIE 2.0, a continual pre-training framework for language understanding. The model built on this framework has outperformed #BERT and #XLNet on 16 tasks in Chinese and English.
Link: http://research.baidu.com/Blog/index-view?id=121
#NLP #NLU
🔥Interactive demo of GAN turning doodles into beautiful pictures
NVidia released #GauGAN for anyone to use. Trained on 1M images, the #GAN tool automatically turns doodles into photorealistic landscapes.
Project page: https://www.nvidia.com/en-us/research/ai-playground/
Interactive demo: http://nvidia-research-mingyuliu.com/gaugan
#Nvidia #CV #DL
NVidia released #GauGAN for anyone to use. Trained on 1M images, the #GAN tool automatically turns doodles into photorealistic landscapes.
Project page: https://www.nvidia.com/en-us/research/ai-playground/
Interactive demo: http://nvidia-research-mingyuliu.com/gaugan
#Nvidia #CV #DL
Great article on text preprocessing, covering cleaning, #tokenization, #lemmatization and other aspects
Link: https://medium.com/@datamonsters/text-preprocessing-in-python-steps-tools-and-examples-bf025f872908
#NLP #NLU #datacleaning
Link: https://medium.com/@datamonsters/text-preprocessing-in-python-steps-tools-and-examples-bf025f872908
#NLP #NLU #datacleaning
Medium
Text Preprocessing in Python: Steps, Tools, and Examples
by Olga Davydova, Data Monsters
Facebook open sourced video alignment algorithms that detect identical and near identical videos to build more robust defenses against harmful visual content.
Project page: https://newsroom.fb.com/news/2019/08/open-source-photo-video-matching/
Code: https://github.com/facebookresearch/videoalignment
#Facebook #video #cv #dl
Project page: https://newsroom.fb.com/news/2019/08/open-source-photo-video-matching/
Code: https://github.com/facebookresearch/videoalignment
#Facebook #video #cv #dl
Meta
Open-Sourcing Photo- and Video-Matching Technology to Make the Internet Safer | Meta
We're sharing some of the tech we use to fight abuse on our platform with others.
ODS breakfast in Paris! See you this Saturday at 10:30 at Malongo Café, 50 Rue Saint-André des Arts.
New paper on training with pseudo-labels for semantic segmentation
Semi-Supervised Segmentation of Salt Bodies in Seismic Images:
SOTA (1st place) at TGS Salt Identification Challenge.
Github: https://github.com/ybabakhin/kaggle_salt_bes_phalanx
ArXiV: https://arxiv.org/abs/1904.04445
#GCPR2019 #Segmentation #CV
Semi-Supervised Segmentation of Salt Bodies in Seismic Images:
SOTA (1st place) at TGS Salt Identification Challenge.
Github: https://github.com/ybabakhin/kaggle_salt_bes_phalanx
ArXiV: https://arxiv.org/abs/1904.04445
#GCPR2019 #Segmentation #CV
Long-form question answering
Facebook AI shared the first large-scale data set, code, and baseline models for long-form QA, which requires machines to provide long, complex answers — something that existing algorithms have not been challenged to do before.
Link: https://ai.facebook.com/blog/longform-qa/
#FacebookAI #Facebook #NLP #NLU #QA
Facebook AI shared the first large-scale data set, code, and baseline models for long-form QA, which requires machines to provide long, complex answers — something that existing algorithms have not been challenged to do before.
Link: https://ai.facebook.com/blog/longform-qa/
#FacebookAI #Facebook #NLP #NLU #QA
PyTorch for research
PyTorch Lightning — The PyTorch Keras for ML researchers. More control. Less boilerplate.
Github: https://github.com/williamFalcon/pytorch-lightning
#PyTorch #Research #OpenSource
PyTorch Lightning — The PyTorch Keras for ML researchers. More control. Less boilerplate.
Github: https://github.com/williamFalcon/pytorch-lightning
#PyTorch #Research #OpenSource
GitHub
GitHub - Lightning-AI/pytorch-lightning: Pretrain, finetune and deploy AI models on multiple GPUs, TPUs with zero code changes.
Pretrain, finetune and deploy AI models on multiple GPUs, TPUs with zero code changes. - Lightning-AI/pytorch-lightning
spaCy meets PyTorch-Transformers: Fine-tune BERT, XLNet and GPT-2
Including pretrained models.
Link: https://explosion.ai/blog/spacy-pytorch-transformers
Pip:
#Transformers #SpaCy #NLP #NLU #PyTorch #Bert #XLNet #GPT
Including pretrained models.
Link: https://explosion.ai/blog/spacy-pytorch-transformers
Pip:
pip install spacy-pytorch-transformers
#Transformers #SpaCy #NLP #NLU #PyTorch #Bert #XLNet #GPT
explosion.ai
spaCy meets Transformers: Fine-tune BERT, XLNet and GPT-2 · Explosion
Huge transformer models like BERT, GPT-2 and XLNet have set a new standard for accuracy on almost every NLP leaderboard. You can now use these models in spaCy, via a new interface library we've developed that connects spaCy to Hugging Face's awesome implementations.
ODS breakfast in Paris! See you this Saturday at 10:30 at Malongo Café, 50 Rue Saint-André des Arts.
Data Science by ODS.ai 🦜
ODS breakfast in Paris! See you this Saturday at 10:30 at Malongo Café, 50 Rue Saint-André des Arts.
You do not need any presentation or preparation, this is free format for people who are around these days and wanna chat with fellow data scientists
Photo to anime portrait
U-GAT-IT — Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation.
Link: https://github.com/taki0112/UGATIT
#Tensorflow #GAN #CV #DL #anime
U-GAT-IT — Unsupervised Generative Attentional Networks with Adaptive Layer-Instance Normalization for Image-to-Image Translation.
Link: https://github.com/taki0112/UGATIT
#Tensorflow #GAN #CV #DL #anime
Unified rational protein engineering with sequence-only deep representation learning
UniRep predicts amino-acid sequences that form stable bonds. In industry, that’s vital for determining the production yields, reaction rates, and shelf life of protein-based products.
Link: https://www.biorxiv.org/content/10.1101/589333v1.full
#biolearning #rnn #Harvard #sequence #protein
UniRep predicts amino-acid sequences that form stable bonds. In industry, that’s vital for determining the production yields, reaction rates, and shelf life of protein-based products.
Link: https://www.biorxiv.org/content/10.1101/589333v1.full
#biolearning #rnn #Harvard #sequence #protein
A Guide for Making Black Box Models Explainable.
One of the biggest challenges is to make ML models interpretable (explainable to human, preferably, non-expert). It matters not only in terms of credit scoring, to exclude possibility of racism or any other bias or news promotion and display (Cambridge Analytica case), but even in terms of debug and further progress in model training.
Link: https://christophm.github.io/interpretable-ml-book/
#guide #interpretablelearning #IL
One of the biggest challenges is to make ML models interpretable (explainable to human, preferably, non-expert). It matters not only in terms of credit scoring, to exclude possibility of racism or any other bias or news promotion and display (Cambridge Analytica case), but even in terms of debug and further progress in model training.
Link: https://christophm.github.io/interpretable-ml-book/
#guide #interpretablelearning #IL
christophm.github.io
Interpretable Machine Learning
Machine learning algorithms usually operate as black boxes and it is unclear how they derived a certain decision. This book is a guide for practitioners to make machine learning decisions interpretable.
Forwarded from Machinelearning
🔥 New Releases: PyTorch 1.2, torchtext 0.4, torchaudio 0.3, and torchvision 0.4
https://pytorch.org/blog/pytorch-1.2-and-domain-api-release/
https://github.com/pytorch/pytorch/releases
https://pytorch.org/blog/pytorch-1.2-and-domain-api-release/
https://github.com/pytorch/pytorch/releases
PyTorch
New Releases: PyTorch 1.2, torchtext 0.4, torchaudio 0.3, and torchvision 0.4
Since the release of PyTorch 1.0, we’ve seen the community expand to add new tools, contribute to a growing set of models available in the PyTorch Hub, and continually increase usage in both research and production.
Forwarded from Находки в опенсорсе
Simple real time visualisation of the execution of a #python program: https://github.com/alexmojaki/heartrate
Forwarded from Karim Iskakov - канал (Vladimir Ivashkin)
T-shirt to inject junk data into surveillance systems. Stylish tool for peaceful protest against state human tracking
🔎 adversarialfashion.com
📉 @loss_function_porn
🔎 adversarialfashion.com
📉 @loss_function_porn