Cutting Edge Deep Learning
258 subscribers
193 photos
42 videos
51 files
363 links
πŸ“• Deep learning
πŸ“— Reinforcement learning
πŸ“˜ Machine learning
πŸ“™ Papers - tools - tutorials

πŸ”— Other Social Media Handles:
https://linktr.ee/cedeeplearning
Download Telegram
πŸ”ΉTop 10 Data Visualization Tools for Every Data Scientist

At present, the data scientist is one of the most sought after professions. That’s one of the main reasons why we decided to cover the latest data visualization tools that every data scientist can use to make their work more effective.

1. Tableau
2. D3
3. Qlikview
4. Microsoft Power BI
5. Datawrapper
6. E Charts
7. Plotly
8. Sisense
9. FusionCharts
10. HighCharts
β€”β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning
πŸ“ŒOther social media: https://linktr.ee/cedeeplearning

link: https://www.kdnuggets.com/2020/05/top-10-data-visualization-tools-every-data-scientist.html

#datascience #visualization #datatools
#machinelearning #tableau #powerbi
πŸ“— Deep Learning: The Free eBook

"Deep Learning" is the quintessential book for understanding deep learning theory, and you can still read it freely online.

πŸ”ΉThe book's table of contents
Introduction

βœ”οΈPart I: Applied Math and Machine Learning Basics

Linear Algebra
Probability and Information Theory
Numerical Computation
Machine Learning Basics

βœ”οΈPart II: Modern Practical Deep Networks

Deep Feedforward Networks
Regularization for Deep Learning
Optimization for Training Deep Models
Convolutional Networks
Sequence Modeling: Recurrent and Recursive Nets
Practical Methodology
Applications

βœ”οΈPart III: Deep Learning Research

Linear Factor Models
Autoencoders
Representation Learning
Structured Probabilistic Models for Deep Learning
Monte Carlo Methods
Confronting the Partition Function
Approximate Inference
Deep Generative Models
β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

https://www.kdnuggets.com/2020/05/deep-learning-free-ebook.html

#deeplearning #AI
#neuralnetworks #ebook #machinelearning
This media is not supported in your browser
VIEW IN TELEGRAM
βšͺ️Basics of Neural Network Programming

βœ’οΈ by Andrew Ng

πŸ”ΉSource: Coursera

Neural Networks and Deep Learning

πŸ”– Lecture 3 Logistic Regression
β€”β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning
πŸ“ŒOther social media: https://linktr.ee/cedeeplearning

#DeepLearning #NeuralNeworks
#machinelearning #AI #coursera
#free #python #supervised_learning
Cutting Edge Deep Learning pinned Β«Hi guys πŸ‘‹πŸΏ From today we’ll be uploading β€œIntroduction to Deep Learning” course by prof. Andrew Ng (Stanford lecturer and cofounder of coursera, deeplearning ai etc.) πŸ”ΉMake sure to send this awesome course to your friends. If you have any suggestion or…»
πŸ”Ή LSTM for time series prediction

πŸ–ŠBy Roman Orac

πŸ”»Learn how to develop a LSTM neural network with #PyTorch on trading data to predict future prices by mimicking actual values of the time series data.

In this blog post, I am going to train a Long Short Term Memory Neural Network (LSTM) with PyTorch on Bitcoin trading data and use it to predict the price of unseen trading data. I had quite some difficulties with finding intermediate tutorials with a repeatable example of training an #LSTM for time series prediction, so I’ve put together a #Jupyter notebook to help you to get started.
β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

https://www.kdnuggets.com/2020/04/lstm-time-series-prediction.html

#deeplearning #AI #machinelearning
#neuralnetworks #timeseries
πŸ”ΉDeep Learning-powering machines with human intelligence

πŸ–Š by Ashish Sukhadeve

πŸ”»Deep learning uses neural networks with many intermediate layers of artificial β€œneurons” between the input and the output, inspired by the human brain. The technology excels at modeling extremely complicated relationships between these layers to classify and predict things.

πŸ”»Deep learning is making a significant contribution to the business world, and the economy is already beginning to feel the impact. The deep learning market is expected to reach $18.2 billion by 2023 from $3.2 billion in 2018, growing at a CAGR of 41.7%. The confluence of three factors- the rise of big data, the emergence of powerful graphics processing units (GPUs), and increasing adoption of cloud computing is fuelling the rapid growth of deep learning.
β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning
πŸ“ŒOther social media: https://linktr.ee/cedeeplearning

link: https://www.analyticsinsight.net/deep-learning-powering-machines-with-human-intelligence/

#deeplearning #machinelearning
#neuralnetworks
#business #market
πŸ”ΉAre facial dataset sufficient to perform sentiment analysis using emotional AI?

πŸ–Šby Smriti Srivastava

According to Harvard Business Review, the days when #AI technology will be able to β€œrecognize, process, and simulate” human emotions are not that far away. As the emotional AI has already made itself a unique place in the affective computing market, it has been predicted that its market size could grow to about US$ 41 billion by 2022.

The technology of #sentiment_analysis or emotion analysis caters great insights into rapidly growing customer service issues in an effort to conveniently identify and act on the root cause of issues or even mitigate them before they reach critical mass.
β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

https://www.analyticsinsight.net/facial-datasets-sufficient-perform-sentiment-analysis-using-emotional-ai/

#emotional_ai #deeplearning
#machinelearning #sentiment
#facial_recognition
πŸ”»Speeding Up Deep Learning Inference Using TensorRT

πŸ“ˆ This version starts from a #PyTorch model instead of the #ONNX model, upgrades the sample application to use #TensorRT 7, and replaces the ResNet-50 #classification model with UNet, which is a segmentation model.

πŸ“ˆ NVIDIA TensorRT is an SDK for deep learning inference. TensorRT provides APIs and parsers to import trained models from all major deep learning frameworks. It then generates optimized runtime engines deployable in the datacenter as well as in automotive and embedded environments.

πŸ”ΉSimple TensorRT example

πŸ”»Convert the pretrained image segmentation PyTorch model into ONNX.
πŸ”»Import the ONNX model into TensorRT.
πŸ”»Apply optimizations and generate an engine.
πŸ”»Perform inference on the GPU.

⭕️ DO NOT MISS OUT THIS ARTICLE
β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning
πŸ“ŒOther social media: https://linktr.ee/cedeeplearning

link: https://devblogs.nvidia.com/speeding-up-deep-learning-inference-using-tensorrt/

#NVIDIA #deeplearning #neuralnetworks #python
#machinelearning #AI
NLP.pdf
701.7 KB
πŸ”Ή A Primer on Neural Network Models
for Natural Language Processing

This tutorial covers input encoding for natural language tasks, feed-forward networks, convolutional networks, recurrent networks and recursive networks, as well as the computation graph abstraction for automatic gradient computation.
β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

#deeplearning #CNN #tutorial
#neuralnetworks #RNN #paper #nlp
πŸ”» How cognitive technologies are redefining the future of manufacturing?

πŸ–Šby Kanti S

As factories and equipment get smarter and armed with new technologies, like IoT, AI, and Cognitive Automation, Industry 4.0 has finally arrived. Industry 4.0 a term coined in Germany to computerize manufacturing, has now launched into a worldwide phenomenon.

πŸ”ΉThe Future is Bright for Cognitive Manufacturing

As the pace of technological advancement keeps increasing, Cognitive Manufacturing is a trend of today redefining commonplace activities that were impossible to comprehend by technology 10 or 15 years ago.
β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

https://www.analyticsinsight.net/how-cognitive-technologies-are-redefining-the-future-of-manufacturing/

#deeplearning
#cognitive #AI
#manufacturing
This media is not supported in your browser
VIEW IN TELEGRAM
βšͺ️Basics of Neural Network Programming

βœ’οΈ by prof. Andrew Ng
πŸ”ΉSource: Coursera

πŸ”– Lecture 4 Binary Classification

Neural Networks and Deep Learning
β€”β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning
πŸ“ŒOther social media: https://linktr.ee/cedeeplearning

#DeepLearning #NeuralNeworks
#machinelearning #AI #coursera
#free #python #supervised_learning
#classification #binary
FineGym: A Hierarchical Video Dataset for Fine-grained Action Understanding
β€”β€”β€”β€”β€”
@cedeeplearning
πŸ”» Learning to Smell: Using Deep Learning to Predict the Olfactory Properties of Molecules

πŸ”ΉSmell is a sense shared by an incredible range of living organisms, and plays a critical role in how they analyze and react to the world. For humans, our sense of smell is tied to our ability to enjoy food and can also trigger vivid memories.

πŸ”ΉIn β€œMachine Learning for Scent: Learning Generalizable Perceptual Representations of Small Molecules”, we leverage graph neural networks (GNNs), a kind of deep neural network designed to operate on graphs as input, to directly predict the odor descriptors for individual molecules, without using any handcrafted rules.
β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

https://ai.googleblog.com/2019/10/learning-to-smell-using-deep-learning.html

#deeplearning #neuralnetworks
#GNN #graph #network #machinelearning
πŸ”»Quantum Supremacy Using a Programmable #Superconducting #Processor

πŸ”ΉPhysicists have been talking about the power of quantum computing for over 30 years, but the questions have always been: will it ever do something useful and is it worth investing in? For such large-scale endeavors it is good engineering practice to formulate decisive short-term goals that demonstrate whether the designs are going in the right direction.

πŸ”ΉToday we published the results of this quantum supremacy experiment in the Nature article, β€œQuantum Supremacy Using a Programmable Superconducting Processor”. We developed a new 54-qubit processor, named β€œSycamore”, that is comprised of fast, high-fidelity quantum logic gates, in order to perform the benchmark testing.
β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

https://ai.googleblog.com/2019/10/quantum-supremacy-using-programmable.html

#quantomcomputing #deeplearning
#machinelearning #neuralnetworks
#AI #sycamore #hardware
πŸ“ Machine Learning Resume Sample: how to build a strong ML Resume

πŸ”»Tips to make machine learning resume
πŸ”»What are the must-have skills for an AI resume
πŸ”»Common skills that employers look for on an ML Resume
πŸ”»How to master programming languages
πŸ”»Creating your Machine Learning Resume
β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

https://www.mygreatlearning.com/blog/5-must-haves-machine-learning-resume/#tips

#resume #machinelearning
#datascience #skill #AI
#python #programming
This media is not supported in your browser
VIEW IN TELEGRAM
βšͺ️Basics of Neural Network Programming

βœ’οΈ by prof. Andrew Ng
πŸ”ΉSource: Coursera

πŸ”– Lecture 5 Derivatives

Neural Networks and Deep Learning
β€”β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning
πŸ“ŒOther social media: https://linktr.ee/cedeeplearning

#DeepLearning #NeuralNeworks
#machinelearning #AI #coursera
#free #python #supervised_learning
#classification #binary
πŸ”— Build your Own Object Detection Model using #TensorFlow API

πŸ”»The World of Object Detection

πŸ”ΉOne of my favorite computer vision and deep learning concepts is object detection. The ability to build a model that can go through images and tell me what objects are present – it’s a priceless feeling!

πŸ‘ Nice reading article
β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

https://www.analyticsvidhya.com/blog/2020/04/build-your-own-object-detection-model-using-tensorflow-api/

#object_detection
#imagedetection
#deeplearning #computervision
#AI #machinelearning
#neuralnetworks
πŸ“—13 β€˜Must-Read’ Papers from AI Experts

1. Learning to Reinforcement Learn (2016) - Jane X Wang et al

2. Gradient-based Hyperparameter Optimization through Reversible Learning (2015) - Dougal Maclaurin

3. Long Short-Term Memory (1997) - Sepp Hochreiter and JΓΌrgen Schmidhuber

4. Efficient Incremental Learning for Mobile Object Detection (2019) - Dawei Li et al

5. Emergent Tool Use From Multi-Agent Autocurricula (2019) - Bowen Baker et al

6. Open-endedness: The last grand challenge you’ve never heard of (2017) - Kenneth Stanley et al

7. Attention Is All You Need (2017) - Ashish Vaswani et al

8. Modeling yield response to crop management using convolutional neural networks (2020) - Andre Barbosa et al.

9. A comparison of deep learning performance against health-care professionals in detecting diseases from medical imaging: a systematic review and meta-analysis (2019) - Xiaoxuan Liu et al

10. The Next Decade in AI: Four Steps Towards Robust Artificial Intelligence (2020) - Gary Marcus

11. On the Measure of Intelligence (2019) - FranΓ§ois Chollet

12. Tackling climate change with Machine Learning (2019) - David Rolnick, Priya L Donti, Yoshua Bengio et al.

13. The Netflix Recommender System: Algorithms, Business Value, and Innovation (2015) - Carlos Gomez-Uribe & Neil Hunt.
β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning

https://blog.re-work.co/ai-papers-suggested-by-experts/
#paper #resource #free #AI
#machinelearning #datascience
Media is too big
VIEW IN TELEGRAM
βšͺ️Basics of Neural Network Programming

βœ’οΈ by prof. Andrew Ng
πŸ”ΉSource: Coursera

πŸ”– Lecture 6 Gradient Descent

Neural Networks and Deep Learning
β€”β€”β€”β€”β€”β€”β€”β€”β€”β€”
πŸ“ŒVia: @cedeeplearning
πŸ“ŒOther social media: https://linktr.ee/cedeeplearning

#DeepLearning #NeuralNeworks
#machinelearning #AI #coursera
#free #python #supervised_learning
#classification #gradient