Cutting Edge Deep Learning
262 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
Integrating Learning and Reasoning with Deep Logic Models

--Abstract

Deep learning is very effective at jointly learning feature representationsand classification models, especially when dealing with high dimensional inputpatterns. Probabilistic logic reasoning, on the other hand, is capable to takeconsistent and robust decisions in complex environments. The integration ofdeep learning and logic reasoning is still an open-research problem and it isconsidered to be the key for the development of real intelligent agents. Thispaper presents Deep Logic Models, which are deep graphical models integratingdeep learning and logic reasoning both for learning and inference. Deep LogicModels create an end-to-end differentiable architecture, where deep learnersare embedded into a network implementing a continuous relaxation of the logicknowledge. The learning process allows to jointly learn the weights of the deeplearners and the meta-parameters controlling the high-level reasoning. Theexperimental results show that the proposed methodology overtakes thelimitations of the other approaches that have been proposed to bridge deeplearning and reasoning.


2019-01-14T09:06:28Z

@machinelearning_tuts
----------
Link : http://arxiv.org/abs/1901.04195v1
Why walk when you can flop?
In one example, a simulated robot was supposed to evolve to travel as quickly as possible. But rather than evolve legs, it simply assembled itself into a tall tower, then fell over. Some of these robots even learned to turn their falling motion into a somersault, adding extra distance.

Blog by Janelle Shane: https://lnkd.in/dQnCVa9

Original paper: https://lnkd.in/dt63hJR

#algorithm #artificialintelligence #machinelearning #reinforcementlearning #technology

----------
@machinelearning_tuts
DeepFlash is a nice application of auto-encoders where they trained a neural network to turn a flash selfie into a studio portrait. It's an interesting paper with a real need, I seriously mean it! They've also tested their results against other approaches like pix2pix, style transfer etc.. Somehow from the first glance I had the feeling that pix2pix performed better than their suggested approach but their evaluation metrics (SSIM and PSNR) proved me wrong.
#deeplearning #machinelearning

Paper link: https://lnkd.in/eHM5rRx

----------
@machinelearning_tuts
Machine Learning Guide: 20 Free ODSC Resources to Learn Machine Learning: https://lnkd.in/ejqejpA

#BigData #DataScience #DataScientists #AI #DeepLearning


----------
@machinelearning_tuts
How do you go from self-play to the real world? : Transfer learning

NeurIPS 2017 Meta Learning Symposium: https://lnkd.in/e7MdpPc

A new research problem has therefore emerged: How can the complexity, i.e. the design, components, and hyperparameters, be configured automatically so that these systems perform as well as possible? This is the problem of metalearning. Several approaches have emerged, including those based on Bayesian optimization, gradient descent, reinforcement learning, and evolutionary computation.

#artificialintelligence #deeplearning #metalearning #reinforcementlearning
----------
@machinelearning_tuts
Delira was developed as a deep learning framework for medical images such as CT or MRI. Currently, it works on arbitrary data (based on NumPy).

Based on PyTorch, batchgenerators and trixi it provides a framework for

Dataset loading
Dataset sampling
Augmentation (multi-threaded) including 3D images with any number of channels
A generic trainer class that implements the training process
Already implemented models used in medical image processing and exemplaric implementations of most used models in general (like Resnet)
Web-based monitoring using Visdom
Model save and load functions
Delira supports classification and regression problems as well as generative adversarial networks and segmentation tasks.

#منابع #یادگیری_عمیق

Getting Started: https://lnkd.in/efeU8vv

----------
@machinelearning_tuts
When deep learning meets security

--Abstract

Deep learning is an emerging research field that has proven its effectivenesstowards deploying more efficient intelligent systems. Security, on the otherhand, is one of the most essential issues in modern communication systems.Recently many papers have shown that using deep learning models can achievepromising results when applied to the security domain. In this work, we providean overview for the recent studies that apply deep learning techniques to thefield of security.


2018-07-12T17:44:42Z

@machinelearning_tuts
----------
Link : http://arxiv.org/abs/1807.04739v1
Are Efficient Deep Representations Learnable?

--Abstract

Many theories of deep learning have shown that a deep network can requiredramatically fewer resources to represent a given function compared to ashallow network. But a question remains: can these efficient representations belearned using current deep learning techniques? In this work, we test whetherstandard deep learning methods can in fact find the efficient representationsposited by several theories of deep representation. Specifically, we train deepneural networks to learn two simple functions with known efficient solutions:the parity function and the fast Fourier transform. We find that usinggradient-based optimization, a deep network does not learn the parity function,unless initialized very close to a hand-coded exact solution. We also find thata deep linear neural network does not learn the fast Fourier transform, even inthe best-case scenario of infinite training data, unless the weights areinitialized very close to the exact hand-coded solution. Our results suggestthat not every element of the class of compositional functions can be learnedefficiently by a deep network, and further restrictions are necessary tounderstand what functions are both efficiently representable and learnable.


2018-07-17T13:08:21Z

@machinelearning_tuts
----------
Link : http://arxiv.org/abs/1807.06399v1
Deep Learning for Genomics: A Concise Overview

--Abstract

Advancements in genomic research such as high-throughput sequencingtechniques have driven modern genomic studies into "big data" disciplines. Thisdata explosion is constantly challenging conventional methods used in genomics.In parallel with the urgent demand for robust algorithms, deep learning hassucceeded in a variety of fields such as vision, speech, and text processing.Yet genomics entails unique challenges to deep learning since we are expectingfrom deep learning a superhuman intelligence that explores beyond our knowledgeto interpret the genome. A powerful deep learning model should rely oninsightful utilization of task-specific knowledge. In this paper, we brieflydiscuss the strengths of different deep learning models from a genomicperspective so as to fit each particular task with a proper deep architecture,and remark on practical considerations of developing modern deep learningarchitectures for genomics. We also provide a concise review of deep learningapplications in various aspects of genomic research, as well as pointing outpotential opportunities and obstacles for future genomics applications.


2018-02-02T12:50:25Z

@machinelearning_tuts
----------
Link : http://arxiv.org/abs/1802.00810v2
Deep Learning: A Critical Appraisal

--Abstract

Although deep learning has historical roots going back decades, neither theterm "deep learning" nor the approach was popular just over five years ago,when the field was reignited by papers such as Krizhevsky, Sutskever andHinton's now classic (2012) deep network model of Imagenet. What has the fielddiscovered in the five subsequent years? Against a background of considerableprogress in areas such as speech recognition, image recognition, and gameplaying, and considerable enthusiasm in the popular press, I present tenconcerns for deep learning, and suggest that deep learning must be supplementedby other techniques if we are to reach artificial general intelligence.


2018-01-02T12:49:35Z

@machinelearning_tuts
----------
Link : http://arxiv.org/abs/1801.00631v1
NLP Overview: Modern Deep Learning Techniques Applied to Natural Language Processing

--Abstract

Trying to keep up with advancements at the overlap of neural networks and natural language processing can be troublesome. That's where the today's spotlighted resource comes in.


- Jan 8, 2019.

@machinelearning_tuts
----------
Link : https://www.kdnuggets.com/2019/01/nlp-overview-modern-deep-learning-techniques.html
#course #video #ml
This series is all about neural network programming and PyTorch! We will learn how to build neural networks with PyTorch, and we’ll find that we are super close to programming neural networks from scratch, as the experience of using PyTorch is as close as it gets to the real thing! After programming neural networks with PyTorch, it’s pretty easy to see how the process works from scratch. This will lead us to a much deeper understanding of neural networks and deep learning.

@machinelearning_tuts

https://www.youtube.com/playlist?list=PLZbbT5o_s2xrfNyHZsM6ufI0iZENK9xgG
📚Roadmaps and Important links.📚
#roadmap
#ml

@machinelearning_tuts

To learn languages based on projects.
Github: https://github.com/tuvtran/project-based-learning

Python Machine Learning Book
Github: https://github.com/rasbt/python-machine-learning-book

Coding Practice and Algorithms
Github: https://github.com/jwasham/coding-interview-university

What every programmer should know
Github: https://github.com/mtdvio/every-programmer-should-know

Awesome public datasets
Github: https://github.com/awesomedata/awesome-public-datasets

Awesome Machine Learning
Github: https://github.com/josephmisiti/awesome-machine-learning

Awesome Deep Vision
Github: https://github.com/kjw0612/awesome-deep-vision

Awesome tensorflow
Github: https://github.com/jtoy/awesome-tensorflow

Awesome Project Ideas
Github: https://github.com/NirantK/awesome-project-ideas

Awesome NLP
Github: https://github.com/keon/awesome-nlp

Best of Jupyter
Github: https://github.com/NirantK/best-of-jupyter

Deep Learning paper reading roadmap
Github: https://github.com/floodsung/Deep-Learning-Papers-Reading-Roadmap

Paper to Code
Github: https://github.com/zziz/pwc

Reinforcement Learning
Github: https://github.com/dennybritz/reinforcement-learning

Google dataset search
Link: https://t.co/iXFwNCDaUN

Best Practices for ML Engineering
Link: http://martin.zinkevich.org/rules_of_ml/rules_of_ml.pdf

List of Tutorials - Medium Article
Link: https://medium.com/machine-learning-in-practice/over-200-of-the-best-machine-learning-nlp-and-python-tutorials-2018-edition-dd8cf53cb7dc

Awesome list of people and blogs to follow to keep yourself updated in the field
Link: https://medium.com/@alexrachnog/ultimate-following-list-to-keep-updated-in-artificial-intelligence-32776ffcd079

Google's guide to Machine Learning
Link: https://techdevguide.withgoogle.com/paths/machine-learning/
Introduction to Machine Learning for Coders!

#ml
#course
#jeremy_howard
#video


New machine learning course by Jeremy Howard.
These videos was made in San Francisco University.

Headlines:
1—Introduction to Random Forests
2—Random Forest Deep Dive
3—Performance, Validation and Model Interpretation
4—Feature Importance, Tree Interpreter
5—Extrapolation and RF from Scratch
6—Data Products and Live Coding
7—RF from Scratch and Gradient Descent
8—Gradient Descent and Logistic Regression
9—Regularization, Learning Rates and NLP
10— More NLP and Columnar Data
11—Embeddings
12— Complete Rossmann, Ethical Issues

@machinelearning_tuts

Course URL:
http://course.fast.ai/ml

Read more:
http://www.fast.ai/2018/09/26/ml-launch/
#ml
Technology is becoming more sophisticated than ever these days, particularly when it comes to artificial intelligence (AI). The most advanced systems are now able to do things that were once only possible for humans to achieve, and they are helping organizations make better business decisions than ever before...

@machinelearning_tuts

Read More:
https://www.linkedin.com/pulse/levels-machine-learning-e-commerce-product-search-vanessa-meyer/
You're on a journey to learn Data Science, Randy Lao is here to help you along the way!
watch free courses, download free books and learn more about machine learning every day...

#ml
#course
#resource

@machinelearning_tuts

http://www.claoudml.co/
Deep Meta-Learning: Learning to Learn in the Concept Space

--Abstract

Few-shot learning remains challenging for meta-learning that learns alearning algorithm (meta-learner) from many related tasks. In this work, weargue that this is due to the lack of a good representation for meta-learning,and propose deep meta-learning to integrate the representation power of deeplearning into meta-learning. The framework is composed of three modules, aconcept generator, a meta-learner, and a concept discriminator, which arelearned jointly. The concept generator, e.g. a deep residual net, extracts arepresentation for each instance that captures its high-level concept, on whichthe meta-learner performs few-shot learning, and the concept discriminatorrecognizes the concepts. By learning to learn in the concept space rather thanin the complicated instance space, deep meta-learning can substantially improvevanilla meta-learning, which is demonstrated on various few-shot imagerecognition problems. For example, on 5-way-1-shot image recognition onCIFAR-100 and CUB-200, it improves Matching Nets from 50.53% and 56.53% to58.18% and 63.47%, improves MAML from 49.28% and 50.45% to 56.65% and 64.63%,and improves Meta-SGD from 53.83% and 53.34% to 61.62% and 66.95%,respectively.


2018-02-10T14:18:08Z

@machinelearning_tuts
----------
Link : http://arxiv.org/abs/1802.03596v1