Neural Networks | Нейронные сети
11.6K subscribers
683 photos
150 videos
170 files
9.37K links
Все о машинном обучении

По всем вопросам - @notxxx1

№ 4959169263
Download Telegram
​Plug-and-play differential privacy for your tensorflow code

#GoogleAI has just released a new library for training machine learning models with (differential) privacy for training data.

where you would write tf.train.GradientDescentOptimizer
instead just swap in the DPGradientDescentOptimizer

Tutorial: https://github.com/tensorflow/privacy/blob/master/tutorials/mnist_dpsgd_tutorial.py
Link: https://github.com/tensorflow/privacy

#Privacy #tensorflow

🔗 tensorflow/privacy
Library for training machine learning models with privacy for training data - tensorflow/privacy
Серия докладов по машинному обучению

Наш телеграм канал - https://tele.click/ai_machinelearning_big_data

1. Neural Networks For Recommender Systems
2. 7 Steps Of Machine Learning
3. Blockchain + AI = Decentralized Artificial Intelligence
4. Predicting Titanic Survivors With #MachineLearning
5. Natural Language Processing @ FACEBOOK Scale
6. [Machine Learning] Is It Food? A Journey Of Minds, Machines And Meals
7. On-device Machine Learning With #TensorFlow
8. Deep Learning with #Go
9. Deep Learning For Developers
10. The Fastest Path To #DeepLearning

🎥 Neural Networks For Recommender Systems
👁 92 раз 1247 сек.
Recommender Systems are arguably the most common business application of Machine Learning systems. Recently a new blend of recommender systems have...

🎥 7 Steps Of Machine Learning
👁 49 раз 2890 сек.
From detecting skin cancer, to sorting cucumbers, to detecting escalators in need of repairs, machine learning has granted computer systems entirel...

🎥 Blockchain + AI = Decentralized Artificial Intelligence
👁 49 раз 731 сек.
What happens when we take two hottest technologies of today, AI and Blockchain, and put them together? Watch this talk by Siraj Raval to get the an...

🎥 Predicting Titanic Survivors With Machine Learning
👁 25 раз 3070 сек.
What's a better way to understand machine learning than a practical example? And who hasn't watched the classic 1997 movie? In this session, we wil...

🎥 Natural Language Processing @ FACEBOOK Scale
👁 2 раз 1111 сек.
At Facebook, text understanding is the key to surfacing content that’s relevant and personalized, plus enabling new experiences like social recomme...

🎥 [Machine Learning] Is It Food? A Journey Of Minds, Machines And Meals
👁 1 раз 1976 сек.
Machine Learning is no longer just an academic study. Tools like Tensorflow have opened new doorways in the world of application development. Learn...

🎥 On-device Machine Learning With TensorFlow
👁 24 раз 1084 сек.
Machine learning has traditionally been the solely performed on servers and high performance machines. But there is great value is having on-device...

🎥 Deep Learning with Go
👁 65 раз 2986 сек.
You’ve heard about self-driving cars, self-organizing drone swarms, conversational interfaces, and emotion recognition. That’s all ‘deep learning’ ...

🎥 Deep Learning For Developers
👁 5 раз 2613 сек.
Deep Learning has taken the world of Computer Science by storm yet for many of us it remains an elusive sci-fi-like buzzword. After years of featur...

🎥 The Fastest Path To Deep Learning
👁 3 раз 1929 сек.
Learning Deep Learning can be confusing and often very frustrating. In this talk, Sam will set out a roadmap to go from knowing nothing to being fl...
🎥 Deep Learning Interview Questions and Answers | AI & Deep Learning Interview Questions | Edureka
👁 25 раз 2442 сек.
*** AI and Deep-Learning with TensorFlow - https://www.edureka.co/ai-deep-learning-with-tensorflow ***
This video covers most of the hottest deep learning interview questions and answers. It also provides you with an understanding process of Deep Learning and the various aspects of it.

#edureka #DeepLearningInterviewQuestions #TensorFlowInterviewQuestions #DeepLearning #TensorFlow
-------------------------------------------------

*** Machine Learning Podcast - https://castbox.fm/channel/id1832236 ***
In
🎥 How to Code Deep Q Learning in Tensorflow (Tutorial)
👁 1 раз 2604 сек.
Deep Q Learning w/ Pytorch: https://youtu.be/RfNxXlO6BiA
Where to find data for Deep Learning: https://youtu.be/9oW3WfKk6d4

#Tensorflow #DeepQLearning #OpenAIGym

In today's tutorial we are going to code a Deep Q Network, in the Tensorflow framework, to play the game Breakout, from the OpenAI Gym's Atari library.

We'll split our code into 2 classes: One to handle the neural networks for deep Q learning, and another to handle the agent's functionality, like memory and learning.

My model is still training
#TENSORFLOW Первая модель: набор данных Fashion MNIST

Полный курс на русском языке можно найти по этой ссылке.
https://habr.com/ru/post/454034/

🔗 Первая модель: набор данных Fashion MNIST
Полный курс на русском языке можно найти по этой ссылке. Оригинальный курс на английском доступен по этой ссылке. Выход новых лекций запланирован каждые 2-3 дн...
#Machine #TensorFlow #AI
Introduction to Machine Learning with TensorFlow.js

Наш телеграм канал - tglink.me/ai_machinelearning_big_data

🎥 Introduction to Machine Learning with TensorFlow.js
👁 1 раз 10998 сек.
Learn how to build and train Neural Networks using the most popular Machine Learning framework for javascript, TensorFlow.js.

Machine Learning A-Z: Hands-On Python & R In Data Science
☞ http://learnstartup.net/p/SJw1YoTMg

Machine Learning In Node.js With TensorFlow.js
☞ https://morioh.com/p/a517bc403340

Machine Learning in JavaScript with TensorFlow.js
☞ https://morioh.com/p/0943a76a69d8

A Complete Machine Learning Project Walk-Through in Python
☞ https://morioh.com/p/b56ae6b04ffc

Top 10 Machine Lear
Object Detection with Python, #Tensorflow and ImageAI within 5 minutes

https://www.youtube.com/watch?v=SazWuIIxwZc

🎥 Object Detection with Python, Tensorflow and ImageAI within 5 minutes
👁 1 раз 363 сек.
Object Detection like Human, By-cycle, moto-cycle, truck etc.

Install the dependencies:

1) Download and install Python 3 from official Python Language website
https://python.org

2) Install the following dependencies via pip:
i. Tensorflow
pip install tensorflow

ii. Numpy
pip install numpy

iii. SciPy
pip install scipy

iv. OpenCV
pip install opencv-python

v. Pillow
pip install pillow

vi. Matplotlib
pip install matplotlib

vii. H5py
pip install h5py

viii. Keras
pip install keras

ix. ImageAI
pip3 ins
#TensorFlow Extended (TFX): Machine Learning Pipelines

🎥 TensorFlow Extended (TFX): Machine Learning Pipelines
👁 1 раз 2734 сек.
Speaker: Martin Andrews

Event: Google I/O Recap 2019 Singapore AI - From Model to Device by BigDataX

Event Page: https://www.meetup.com/BigDataX/events/262196916/

Produced by Engineers.SG

Help us caption & translate this video!

https://amara.org/v/qDUx/
​Deep Learning For Real Time Streaming Data With Kafka And Tensorflow
#ODSC #DeepLearning #Tensorflow
https://www.youtube.com/watch?v=HenBuC4ATb0

🔗 Deep Learning For Real Time Streaming Data With Kafka And Tensorflow | YongTang - ODSC East 2019
In mission-critical real time applications, using machine learning to analyze streaming data are gaining momentum. In those applications Apache Kafka is the most widely used framework to process the data streams. It typically works with other machine learning frameworks for model inference and training purposes. In this talk, our focus is to discuss the KafkaDataset module in TensorFlow. KafkaDataset processes Kafka streaming data directly to TensorFlow's graph. As a part of Tensorflow (in `tf.contrib`), t
#TensorFlow #TensorFlowTutorial
TensorFlow Full Course | Learn TensorFlow in 3 Hours | TensorFlow Tutorial For Beginners | Edureka

🎥 TensorFlow Full Course | Learn TensorFlow in 3 Hours | TensorFlow Tutorial For Beginners | Edureka
👁 1 раз 11501 сек.
** TensorFlow Training: https://www.edureka.co/ai-deep-learning-with-tensorflow **
This Edureka TensorFlow Full Course video is a complete guide to Deep Learning using TensorFlow. It covers in-depth knowledge about Deep Leaning, Tensorflow & Neural Networks. Below are the topics covered in this TensorFlow tutorial:

2:07 Artificial Intelligence
2:21 Why Artificial Intelligence?
5:27 What is Artificial Intelligence?
5:55 Artificial Intelligence Domains
6:14 Artificial Intelligence Subsets
11:17 Machine Learn
​Reinforcement Learning Course from OpenAI

Reinforcement Learning becoming significant part of the data scientist toolbox.
OpenAI created and published one of the best courses in #RL. Algorithms implementation written in #Tensorflow.
But if you are more comfortable with #PyTorch, we have found #PyTorch implementation of this algs

OpenAI Course: https://spinningup.openai.com/en/latest/
Tensorflow Code: https://github.com/openai/spinningup
PyTorch Code: https://github.com/kashif/firedup

🔗 Welcome to Spinning Up in Deep RL! — Spinning Up documentation
​Fruit identification using Arduino and TensorFlow

By Dominic Pajak and Sandeep Mistry : https://blog.arduino.cc/2019/11/07/fruit-identification-using-arduino-and-tensorflow/

#Arduino #TensorFlow #DeepLearning

🔗 Fruit identification using Arduino and TensorFlow
By Dominic Pajak and Sandeep Mistry Arduino is on a mission to make machine learning easy enough for anyone to use. The other week we announced the availability of TensorFlow Lite Micro in the Arduino Library Manager. With this, some cool ready-made ML examples such as speech recognition, simple
​TRFL : TensorFlow Reinforcement Learning
A library of reinforcement learning building blocks
By DeepMind: https://github.com/deepmind/trfl
#DeepLearning #TensorFlow #ReinforcementLearning

🔗 deepmind/trfl
TensorFlow Reinforcement Learning. Contribute to deepmind/trfl development by creating an account on GitHub.
🎥 Machine Learning with Synthetic Data | @Unity + @TensorFlow
👁 1 раз 812 сек.
In this augmented reality video we are going to train our own object detection machine learning model with Tensorflow using fully synthetic data created in Unity.

#MachineLearning #Tensorflow #Unity

Github Project:
https://github.com/MatthewHallberg/SyntheticDataGenerator

Tensorflow Models install instructions:
https://github.com/tensorflow/models/blob/master/research/object_detection/g3doc/installation.md

Tensorflow Models directory for 1.8.0:
https://github.com/tensorflow/models/tree/d530ac540b0103ca