An Easy Introduction to Generative Adversarial Networks
GANs are main type of neural networks used for data generation.
#intro level post on how #GAN s work
Link: https://towardsdatascience.com/an-easy-introduction-to-generative-adversarial-networks-6f8498dc4bcd
GANs are main type of neural networks used for data generation.
#intro level post on how #GAN s work
Link: https://towardsdatascience.com/an-easy-introduction-to-generative-adversarial-networks-6f8498dc4bcd
Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift
How normalization applied to layers helps to reach faster convergence.
ArXiV: https://arxiv.org/abs/1502.03167
#NeuralNetwork #nn #normalization #DL
How normalization applied to layers helps to reach faster convergence.
ArXiV: https://arxiv.org/abs/1502.03167
#NeuralNetwork #nn #normalization #DL
arXiv.org
Batch Normalization: Accelerating Deep Network Training by...
Training Deep Neural Networks is complicated by the fact that the distribution of each layer's inputs changes during training, as the parameters of the previous layers change. This slows down the...
Using Deep Learning to Inform Differential Diagnoses of Skin Diseases
Deep Learning System (DLS) for quicker and cheaper skin diseases detection. DLS showed accuracy across 26 skin conditions on par with U.S. board-certified dermatologists, when presented with identical information about a patient case (images and metadata). This is an amazing example of how technology can help fight notoriously high medical bills in the USA and make top-level care available and more affordable in all other the world.
Link: https://ai.googleblog.com/2019/09/using-deep-learning-to-inform.html?m=1
ArXiV: https://arxiv.org/abs/1909.05382
#Inception4 #Google
Deep Learning System (DLS) for quicker and cheaper skin diseases detection. DLS showed accuracy across 26 skin conditions on par with U.S. board-certified dermatologists, when presented with identical information about a patient case (images and metadata). This is an amazing example of how technology can help fight notoriously high medical bills in the USA and make top-level care available and more affordable in all other the world.
Link: https://ai.googleblog.com/2019/09/using-deep-learning-to-inform.html?m=1
ArXiV: https://arxiv.org/abs/1909.05382
#Inception4 #Google
Reimagining Experimentation Analysis at Netflix
Short article on how Netflix built A/B test culture and why they considered that a good resource investment.
Link: https://medium.com/netflix-techblog/reimagining-experimentation-analysis-at-netflix-71356393af21
More info on theirs A/B test platform: https://medium.com/netflix-techblog/its-all-a-bout-testing-the-netflix-experimentation-platform-4e1ca458c15
#Netflix #ExperimentDesign #AB
Short article on how Netflix built A/B test culture and why they considered that a good resource investment.
Link: https://medium.com/netflix-techblog/reimagining-experimentation-analysis-at-netflix-71356393af21
More info on theirs A/B test platform: https://medium.com/netflix-techblog/its-all-a-bout-testing-the-netflix-experimentation-platform-4e1ca458c15
#Netflix #ExperimentDesign #AB
LSTM on Amazon Food Reviews using Google Collaboratory
Article describing how to build easy and small #LSTM network to predict review score based on its text, using #GoogleCollab. This is an #entrylevel post, useful if you have medium experience in #NLP.
Link: https://medium.com/@theodoxbolt/lstm-on-amazon-food-reviews-using-google-collaboratory-34b1c2eceb80
#novice
Article describing how to build easy and small #LSTM network to predict review score based on its text, using #GoogleCollab. This is an #entrylevel post, useful if you have medium experience in #NLP.
Link: https://medium.com/@theodoxbolt/lstm-on-amazon-food-reviews-using-google-collaboratory-34b1c2eceb80
#novice
What makes a good conversation?
How controllable attributes affect human judgments
A great post on conversation scoring.
Link: http://www.abigailsee.com/2019/08/13/what-makes-a-good-conversation.html
Paper: https://www.aclweb.org/anthology/N19-1170
#NLP #NLU #DL
How controllable attributes affect human judgments
A great post on conversation scoring.
Link: http://www.abigailsee.com/2019/08/13/what-makes-a-good-conversation.html
Paper: https://www.aclweb.org/anthology/N19-1170
#NLP #NLU #DL
Abigailsee
What makes a good conversation?
How controllable attributes affect human judgments
ODS breakfast in Paris! See you this Saturday (21st) at 10:30 at Malongo Café, 50 Rue Saint-André des Arts.
ODS Frushtuck Munich! Jeder ist wilkommen, aber offizielle sprache ist englisch.
ODS breakfast in Munchen! See you this Friday (20th) at 8:30 at
Schmalznudel - Cafe Frischhut
Prälat-Zistl-Straße 8, 80331 München
https://goo.gl/maps/LnX8QVpjDM6sDCNQ8
Evgenii +4916091541827
ODS breakfast in Munchen! See you this Friday (20th) at 8:30 at
Schmalznudel - Cafe Frischhut
Prälat-Zistl-Straße 8, 80331 München
https://goo.gl/maps/LnX8QVpjDM6sDCNQ8
Evgenii +4916091541827
⭐️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…
Critics: AI competitions don’t produce useful models
Post, suggesting a viewpoint that AI competitions never seem to lead to products, how the one can overfit on a hold out test set, and why #Imagenet results since the mid-2010s are suspect.
Link: https://lukeoakdenrayner.wordpress.com/2019/09/19/ai-competitions-dont-produce-useful-models/
#critics #meta #AI #kaggle #imagenet #lenet
Post, suggesting a viewpoint that AI competitions never seem to lead to products, how the one can overfit on a hold out test set, and why #Imagenet results since the mid-2010s are suspect.
Link: https://lukeoakdenrayner.wordpress.com/2019/09/19/ai-competitions-dont-produce-useful-models/
#critics #meta #AI #kaggle #imagenet #lenet
Luke Oakden-Rayner
AI competitions don’t produce useful models
Ai competitions are fun, community building, talent scouting, brand promoting, and attention grabbing. But competitions are not intended to develop useful models.
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
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 #piracy #DL #studymaterials
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 #piracy #DL #studymaterials
Great collections of Data Science learning materials
The list includes free books and online courses on range of DS-related disciplines:
Machine learning (#ML)
Deep Learning (#DL)
Reinforcement learning (#RL)
#NLP
Tutorials on #Keras, #Tensorflow, #Torch, #PyTorch, #Theano
Notable researchers, papers and even #datasets. It is a great place to start reviewing your knowledge or learning something new.
Link: https://hackmd.io/@chanderA/aiguide
#wheretostart #entrylevel #novice #studycontent #studymaterials #books #MOOC #meta
The list includes free books and online courses on range of DS-related disciplines:
Machine learning (#ML)
Deep Learning (#DL)
Reinforcement learning (#RL)
#NLP
Tutorials on #Keras, #Tensorflow, #Torch, #PyTorch, #Theano
Notable researchers, papers and even #datasets. It is a great place to start reviewing your knowledge or learning something new.
Link: https://hackmd.io/@chanderA/aiguide
#wheretostart #entrylevel #novice #studycontent #studymaterials #books #MOOC #meta
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
Face swapping demo with Putin https://www.youtube.com/watch?v=duo-tHbSdMk
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…
ODS Frushtuck Munich! Jeder ist wilkommen, aber offizielle sprache ist englisch.
ODS breakfast in Munchen! See you this Friday (27th) at 8:30 at
Schmalznudel - Cafe Frischhut
Prälat-Zistl-Straße 8, 80331 München
https://goo.gl/maps/LnX8QVpjDM6sDCNQ8
Evgenii +4916091541827
ODS breakfast in Munchen! See you this Friday (27th) at 8:30 at
Schmalznudel - Cafe Frischhut
Prälat-Zistl-Straße 8, 80331 München
https://goo.gl/maps/LnX8QVpjDM6sDCNQ8
Evgenii +4916091541827
ODS breakfast in Paris! See you this Saturday (28th) at 10:30 at Malongo Café, 50 Rue Saint-André des Arts.
🔥 Tensorflow 2.0 release
Faster
TPU support
TensorFlow datasets
Change log: https://medium.com/tensorflow/tensorflow-2-0-is-now-available-57d706c2a9ab
#google #tensorflow #dl #tf
Faster
TPU support
TensorFlow datasets
Change log: https://medium.com/tensorflow/tensorflow-2-0-is-now-available-57d706c2a9ab
#google #tensorflow #dl #tf
Medium
TensorFlow 2.0 is now available!
Earlier this year, we announced TensorFlow 2.0 in alpha at the TensorFlow Dev Summit. Today, we’re delighted to announce that the final…
🎓CS224W: Machine Learning with Graphs
Great course from #Stanford. You still on time to jump at studying from one of the best schools.
Students are introduced to machine learning techniques and data mining tools apt to reveal insights on the social, technological, and natural worlds, by means of studying their underlying network structure and interconnections.
Topics include: robustness and fragility of food webs and financial markets; algorithms for the World Wide Web; graph neural networks and representation learning; identification of functional modules in biological networks; disease outbreak detection.
Link: http://cs224w.stanford.edu
Videos link: http://snap.stanford.edu/class/cs224w-videos-2019/
#MOOC #entrylevel #wheretostart
Great course from #Stanford. You still on time to jump at studying from one of the best schools.
Students are introduced to machine learning techniques and data mining tools apt to reveal insights on the social, technological, and natural worlds, by means of studying their underlying network structure and interconnections.
Topics include: robustness and fragility of food webs and financial markets; algorithms for the World Wide Web; graph neural networks and representation learning; identification of functional modules in biological networks; disease outbreak detection.
Link: http://cs224w.stanford.edu
Videos link: http://snap.stanford.edu/class/cs224w-videos-2019/
#MOOC #entrylevel #wheretostart