🎥 Reusable Execution in Production Using Papermill (Google Cloud AI Huddle)
👁 1 раз ⏳ 3611 сек.
👁 1 раз ⏳ 3611 сек.
In this episode of Google Cloud AI Huddle, Matthew Seal, Senior Software Engineer at Netflix, goes over the pros and cons of using Jupyter Notebook and Papermill to make a reusable execution for production.
Deep Learning VMs → https://goo.gle/2ZNmmrG
Google AI Huddle is an open, collaborative and developer-first AI forum driven by Google AI expertise. It’s a monthly in-person engagement where Googlers engage with developers to speak on ML topics, deliver workshops / tutorials, and hands-on labs. AI HuddlVk
Reusable Execution in Production Using Papermill (Google Cloud AI Huddle)
In this episode of Google Cloud AI Huddle, Matthew Seal, Senior Software Engineer at Netflix, goes over the pros and cons of using Jupyter Notebook and Papermill to make a reusable execution for production.
Deep Learning VMs → https://goo.gle/2ZNmmrG
Google…
Deep Learning VMs → https://goo.gle/2ZNmmrG
Google…
Игра в go использую Сверточные нейронне сети
http://arxiv.org/abs/1907.04658
🔗 Playing Go without Game Tree Search Using Convolutional Neural Networks
The game of Go has a long history in East Asian countries, but the field of Computer Go has yet to catch up to humans until the past couple of years. While the rules of Go are simple, the strategy and combinatorics of the game are immensely complex. Even within the past couple of years, new programs that rely on neural networks to evaluate board positions still explore many orders of magnitude more board positions per second than a professional can. We attempt to mimic human intuition in the game by creating a convolutional neural policy network which, without any sort of tree search, should play the game at or above the level of most humans. We introduce three structures and training methods that aim to create a strong Go player: non-rectangular convolutions, which will better learn the shapes on the board, supervised learning, training on a data set of 53,000 professional games, and reinforcement learning, training on games played between different versions of the network. Our network has already surpassed
http://arxiv.org/abs/1907.04658
🔗 Playing Go without Game Tree Search Using Convolutional Neural Networks
The game of Go has a long history in East Asian countries, but the field of Computer Go has yet to catch up to humans until the past couple of years. While the rules of Go are simple, the strategy and combinatorics of the game are immensely complex. Even within the past couple of years, new programs that rely on neural networks to evaluate board positions still explore many orders of magnitude more board positions per second than a professional can. We attempt to mimic human intuition in the game by creating a convolutional neural policy network which, without any sort of tree search, should play the game at or above the level of most humans. We introduce three structures and training methods that aim to create a strong Go player: non-rectangular convolutions, which will better learn the shapes on the board, supervised learning, training on a data set of 53,000 professional games, and reinforcement learning, training on games played between different versions of the network. Our network has already surpassed
arXiv.org
Playing Go without Game Tree Search Using Convolutional Neural Networks
The game of Go has a long history in East Asian countries, but the field of Computer Go has yet to catch up to humans until the past couple of years. While the rules of Go are simple, the strategy...
Изучаем pandas [2019] Майкл Хейдт, Артем Груздев
Наш телеграм канал - tglink.me/ai_machinelearning_big_data
Библиотека pandas – популярный пакет для анализа и обработки данных на языке Python. Он предлагает эффективные, быстрые, высокопроизводительные структуры данных, которые позволяют существенно упростить работу.
Данная книга познакомит вас с обширным набором инструментов, предлагаемых библиотекой pandas, – начиная с обзора загрузки данных с удаленных источников, выполнения численного и статистического анализа, индексации, агрегации и заканчивая визуализацией данных и анализом финансовой информации.
Во второе издание добавлены новые приложения, посвященные предварительной подготовке данных и настройке гиперпараметров, работе с датами, строками и предупреждениями. Подробно освещены алгоритмы случайного леса, градиентного бустинга CatBoost и логистической регрессии.
Издание предназначено всем разработчикам на языке Python, интересующимся обработкой данных.
📝 2019 Изучаем pandas. Майкл Хейдт, Артем Груздев.pdf - 💾21 816 454
Наш телеграм канал - tglink.me/ai_machinelearning_big_data
Библиотека pandas – популярный пакет для анализа и обработки данных на языке Python. Он предлагает эффективные, быстрые, высокопроизводительные структуры данных, которые позволяют существенно упростить работу.
Данная книга познакомит вас с обширным набором инструментов, предлагаемых библиотекой pandas, – начиная с обзора загрузки данных с удаленных источников, выполнения численного и статистического анализа, индексации, агрегации и заканчивая визуализацией данных и анализом финансовой информации.
Во второе издание добавлены новые приложения, посвященные предварительной подготовке данных и настройке гиперпараметров, работе с датами, строками и предупреждениями. Подробно освещены алгоритмы случайного леса, градиентного бустинга CatBoost и логистической регрессии.
Издание предназначено всем разработчикам на языке Python, интересующимся обработкой данных.
📝 2019 Изучаем pandas. Майкл Хейдт, Артем Груздев.pdf - 💾21 816 454
Обнаружение скрытых и составных параметров в многоуровневых моделях с помощью машинного обучения
https://arxiv.org/abs/1907.05417
🔗 Detecting hidden and composite orders in layered models via machine learning
We use machine learning to study layered spin models where composite order parameters may emerge as a consequence of the interlayerer coupling. We focus on the layered Ising and Ashkin-Teller models, determining their phase diagram via the application of a machine learning algorithm to the Monte Carlo data. Remarkably our technique is able to correctly characterize all the system phases also in the case of hidden order parameters, \emph{i.e.}~order parameters whose expression in terms of the microscopic configurations would require additional preprocessing of the data fed to the algorithm. Within the approach we introduce, owing to the construction of convolutional neural networks, naturally suitable for layered image-like data with arbitrary number of layers, no preprocessing of the Monte Carlo data is needed, also with regard to its spatial structure. The physical meaning of our results is discussed and compared with analytical data, where available. Yet, the method can be used without any \emph{a
https://arxiv.org/abs/1907.05417
🔗 Detecting hidden and composite orders in layered models via machine learning
We use machine learning to study layered spin models where composite order parameters may emerge as a consequence of the interlayerer coupling. We focus on the layered Ising and Ashkin-Teller models, determining their phase diagram via the application of a machine learning algorithm to the Monte Carlo data. Remarkably our technique is able to correctly characterize all the system phases also in the case of hidden order parameters, \emph{i.e.}~order parameters whose expression in terms of the microscopic configurations would require additional preprocessing of the data fed to the algorithm. Within the approach we introduce, owing to the construction of convolutional neural networks, naturally suitable for layered image-like data with arbitrary number of layers, no preprocessing of the Monte Carlo data is needed, also with regard to its spatial structure. The physical meaning of our results is discussed and compared with analytical data, where available. Yet, the method can be used without any \emph{a
arXiv.org
Detecting hidden and composite orders in layered models via...
We use machine learning to study layered spin models where composite order
parameters may emerge as a consequence of the interlayerer coupling. We focus
on the layered Ising and Ashkin-Teller...
parameters may emerge as a consequence of the interlayerer coupling. We focus
on the layered Ising and Ashkin-Teller...
Log Book — Guide to Distance Measuring Approaches for K- Means Clustering machine learning
https://towardsdatascience.com/log-book-guide-to-distance-measuring-approaches-for-k-means-clustering-f137807e8e21?source=collection_home---4------1-----------------------
🔗 Log Book — Guide to Distance Measuring Approaches for K- Means Clustering
In this guide I have tried to cover the different types and features of distances that can be used in K-Means Clustering
https://towardsdatascience.com/log-book-guide-to-distance-measuring-approaches-for-k-means-clustering-f137807e8e21?source=collection_home---4------1-----------------------
🔗 Log Book — Guide to Distance Measuring Approaches for K- Means Clustering
In this guide I have tried to cover the different types and features of distances that can be used in K-Means Clustering
Medium
Log Book — Guide to Distance Measuring Approaches for K- Means Clustering
In this guide I have tried to cover the different types and features of distances that can be used in K-Means Clustering
P-values Explained By Data Scientist - Towards Data Science
🔗 P-values Explained By Data Scientist - Towards Data Science
For Data Scientists
🔗 P-values Explained By Data Scientist - Towards Data Science
For Data Scientists
Medium
P-values Explained By Data Scientist
For Data Scientists
Chainer: A Deep Learning Framework for Fast Research & Applications | SciPy 2019 | Seiya Tokui
https://www.youtube.com/watch?v=w2n4hJWi4qA
🎥 Chainer: A Deep Learning Framework for Fast Research & Applications | SciPy 2019 | Seiya Tokui
👁 1 раз ⏳ 1842 сек.
https://www.youtube.com/watch?v=w2n4hJWi4qA
🎥 Chainer: A Deep Learning Framework for Fast Research & Applications | SciPy 2019 | Seiya Tokui
👁 1 раз ⏳ 1842 сек.
Chainer is a deep learning framework for flexible and intuitive coding of high performance experiments and applications. It is designed to maximize the trial-and-error speed with its Define-by-Run paradigm, which provides Pythonic programming of auto-differentiated neural networks. The framework can accelerate performance with multiple GPUs in distributed environments and add-on packages enable quickly jumping into specific domains. In this talk, we introduce the abstract of Chainer’s API, its capabilitiesYouTube
Chainer: A Deep Learning Framework for Fast Research & Applications | SciPy 2019 | Seiya Tokui
Chainer is a deep learning framework for flexible and intuitive coding of high performance experiments and applications. It is designed to maximize the trial-and-error speed with its Define-by-Run paradigm, which provides Pythonic programming of auto-differentiated…
Cheat sheet: TensorFlow, an open source software library for machine learning
https://www.techrepublic.com/article/tensorflow-googles-open-source-software-library-for-machine-learning-the-smart-persons-guide/ …
#machinelearning
🔗 Cheat sheet: TensorFlow, an open source software library for machine learning
TensorFlow is an open source software library developed by Google for numerical computation with data flow graphs. This TensorFlow guide covers why the library matters, how to use it, and more.
https://www.techrepublic.com/article/tensorflow-googles-open-source-software-library-for-machine-learning-the-smart-persons-guide/ …
#machinelearning
🔗 Cheat sheet: TensorFlow, an open source software library for machine learning
TensorFlow is an open source software library developed by Google for numerical computation with data flow graphs. This TensorFlow guide covers why the library matters, how to use it, and more.
TechRepublic
TensorFlow: A cheat sheet
TensorFlow is an open source software library developed by Google for numerical computation with data flow graphs. This TensorFlow guide covers why the library matters, how to use it, and more.
Как распознать текст с фото: новые возможности фреймворка Vision
Теперь фреймворк Vision умеет распознавать текст по-настоящему, а не как раньше. С нетерпением ждём, когда сможем применить это в Dodo IS. А пока перевод статьи о распознавании карточек из настольной игры Magic The Gathering и извлечении из них текстовой информации.
#Машинноеобучение
🔗 Как распознать текст с фото: новые возможности фреймворка Vision
Теперь фреймворк Vision умеет распознавать текст по-настоящему, а не как раньше. С нетерпением ждём, когда сможем применить это в Dodo IS. А пока перевод статьи...
Теперь фреймворк Vision умеет распознавать текст по-настоящему, а не как раньше. С нетерпением ждём, когда сможем применить это в Dodo IS. А пока перевод статьи о распознавании карточек из настольной игры Magic The Gathering и извлечении из них текстовой информации.
#Машинноеобучение
🔗 Как распознать текст с фото: новые возможности фреймворка Vision
Теперь фреймворк Vision умеет распознавать текст по-настоящему, а не как раньше. С нетерпением ждём, когда сможем применить это в Dodo IS. А пока перевод статьи...
Хабр
Как распознать текст с фото: новые возможности фреймворка Vision
Теперь фреймворк Vision умеет распознавать текст по-настоящему, а не как раньше. С нетерпением ждём, когда сможем применить это в Dodo IS. А пока перевод статьи...
Improving Deep Lesion Detection Using 3D Contextual and Spatial Attention
https://deepai.org/publication/improving-deep-lesion-detection-using-3d-contextual-and-spatial-attention by Qingyi Tao et al.
#ComputerVision #PatternRecognition
🔗 Improving Deep Lesion Detection Using 3D Contextual and Spatial Attention
07/09/19 - Lesion detection from computed tomography (CT) scans is challenging compared to natural object detection because of two major reas...
https://deepai.org/publication/improving-deep-lesion-detection-using-3d-contextual-and-spatial-attention by Qingyi Tao et al.
#ComputerVision #PatternRecognition
🔗 Improving Deep Lesion Detection Using 3D Contextual and Spatial Attention
07/09/19 - Lesion detection from computed tomography (CT) scans is challenging compared to natural object detection because of two major reas...
DeepAI
Improving Deep Lesion Detection Using 3D Contextual and Spatial
Attention
Attention
07/09/19 - Lesion detection from computed tomography (CT) scans is challenging compared
to natural object detection because of two major reas...
to natural object detection because of two major reas...
NVIDIA + BERT = 🔥
BERT — нейросеть для обработки естественного языка (Natural Language Processing, NLP). Если вы давно мечтали создать свою виртуальную Алису или Олега, то у нас хорошие новости: не так давно NVIDIA выложила в открытый доступ скрипты, позволяющие использовать BERT для рекомендательных систем и приложений «вопрос-ответ». Мы расскажем, в чём преимущество этой нейросети и как её обучить для конкретных задач.
https://www.reg.ru/blog/nvidia-plus-bert-is-fire/
🔗 NVIDIA + BERT = 🔥 AI да GPU – Блог REG.RU
BERT — нейросеть для обработки естественного языка (Natural Language Processing, NLP). Если вы давно мечтали создать свою виртуальную Алису или Олега, то у нас хорошие новости: не так давно NVIDIA выложила в открытый доступ скрипты, позволяющие использовать BERT для рекомендательных систем и приложений «вопрос-ответ». Мы расскажем, в чём преимущество этой нейросети и как её обучить для конкретных задач. В конце прошлого года команде NVIDIA удалось достичь четырёхкратного …
BERT — нейросеть для обработки естественного языка (Natural Language Processing, NLP). Если вы давно мечтали создать свою виртуальную Алису или Олега, то у нас хорошие новости: не так давно NVIDIA выложила в открытый доступ скрипты, позволяющие использовать BERT для рекомендательных систем и приложений «вопрос-ответ». Мы расскажем, в чём преимущество этой нейросети и как её обучить для конкретных задач.
https://www.reg.ru/blog/nvidia-plus-bert-is-fire/
🔗 NVIDIA + BERT = 🔥 AI да GPU – Блог REG.RU
BERT — нейросеть для обработки естественного языка (Natural Language Processing, NLP). Если вы давно мечтали создать свою виртуальную Алису или Олега, то у нас хорошие новости: не так давно NVIDIA выложила в открытый доступ скрипты, позволяющие использовать BERT для рекомендательных систем и приложений «вопрос-ответ». Мы расскажем, в чём преимущество этой нейросети и как её обучить для конкретных задач. В конце прошлого года команде NVIDIA удалось достичь четырёхкратного …
Adversarial Objects против автономных систем вождения на основе LiDAR
https://arxiv.org/abs/1907.05418
🔗 Adversarial Objects Against LiDAR-Based Autonomous Driving Systems
Deep neural networks (DNNs) are found to be vulnerable against adversarial examples, which are carefully crafted inputs with a small magnitude of perturbation aiming to induce arbitrarily incorrect predictions. Recent studies show that adversarial examples can pose a threat to real-world security-critical applications: a "physical adversarial Stop Sign" can be synthesized such that the autonomous driving cars will misrecognize it as others (e.g., a speed limit sign). However, these image-space adversarial examples cannot easily alter 3D scans of widely equipped LiDAR or radar on autonomous vehicles. In this paper, we reveal the potential vulnerabilities of LiDAR-based autonomous driving detection systems, by proposing an optimization based approach LiDAR-Adv to generate adversarial objects that can evade the LiDAR-based detection system under various conditions. We first show the vulnerabilities using a blackbox evolution-based algorithm, and then explore how much a strong adversary can do, using ou
https://arxiv.org/abs/1907.05418
🔗 Adversarial Objects Against LiDAR-Based Autonomous Driving Systems
Deep neural networks (DNNs) are found to be vulnerable against adversarial examples, which are carefully crafted inputs with a small magnitude of perturbation aiming to induce arbitrarily incorrect predictions. Recent studies show that adversarial examples can pose a threat to real-world security-critical applications: a "physical adversarial Stop Sign" can be synthesized such that the autonomous driving cars will misrecognize it as others (e.g., a speed limit sign). However, these image-space adversarial examples cannot easily alter 3D scans of widely equipped LiDAR or radar on autonomous vehicles. In this paper, we reveal the potential vulnerabilities of LiDAR-based autonomous driving detection systems, by proposing an optimization based approach LiDAR-Adv to generate adversarial objects that can evade the LiDAR-based detection system under various conditions. We first show the vulnerabilities using a blackbox evolution-based algorithm, and then explore how much a strong adversary can do, using ou
Hyperparameter Tuning and Experimenting - Training Deep Neural Networks
https://www.youtube.com/watch?v=ycxulUVoNbk
🎥 Hyperparameter Tuning and Experimenting - Training Deep Neural Networks
👁 1 раз ⏳ 709 сек.
https://www.youtube.com/watch?v=ycxulUVoNbk
🎥 Hyperparameter Tuning and Experimenting - Training Deep Neural Networks
👁 1 раз ⏳ 709 сек.
Welcome to this neural network programming series. In this episode, we will see how we can use TensorBoard to rapidly experiment with different training hyperparameters to more deeply understand our neural network.
We'll learn how to uniquely identify each run by building and passing a comment string to the SummeryWriter constructor that will be appended to the auto-generated file name.
We'll learn how to use a Cartesian product to create a set of hyper parameters to try, and at the end, we'll consider hYouTube
Hyperparameter Tuning and Experimenting - Training Deep Neural Networks
Welcome to this neural network programming series. In this episode, we will see how we can use TensorBoard to rapidly experiment with different training hyperparameters to more deeply understand our neural network.
We'll learn how to uniquely identify each…
We'll learn how to uniquely identify each…
Пример простой нейросети, как результат разобраться что к чему
Нейросети — это та тема, которая вызывает огромный интерес и желание разобраться в ней. Но, к сожалению, поддаётся она далеко не каждому. Когда видишь тома непонятной литературы, теряешь желание изучить, но всё равно хочется быть в курсе происходящего.
В конечном итоге, как мне показалось, нет лучше способа разобраться, чем просто взять и создать свой маленький проект.
#Машинноеобучение,
#Искусственныйинтеллект
https://habr.com/ru/post/459822/
🔗 Пример простой нейросети, как результат разобраться что к чему
Нейросети — это та тема, которая вызывает огромный интерес и желание разобраться в ней. Но, к сожалению, поддаётся она далеко не каждому. Когда видишь тома непон...
Нейросети — это та тема, которая вызывает огромный интерес и желание разобраться в ней. Но, к сожалению, поддаётся она далеко не каждому. Когда видишь тома непонятной литературы, теряешь желание изучить, но всё равно хочется быть в курсе происходящего.
В конечном итоге, как мне показалось, нет лучше способа разобраться, чем просто взять и создать свой маленький проект.
#Машинноеобучение,
#Искусственныйинтеллект
https://habr.com/ru/post/459822/
🔗 Пример простой нейросети, как результат разобраться что к чему
Нейросети — это та тема, которая вызывает огромный интерес и желание разобраться в ней. Но, к сожалению, поддаётся она далеко не каждому. Когда видишь тома непон...
Хабр
Пример простой нейросети, как результат разобраться что к чему
Нейросети — это та тема, которая вызывает огромный интерес и желание разобраться в ней. Но, к сожалению, поддаётся она далеко не каждому. Когда видишь тома непон...
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 сек.
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 insYouTube
Object Detection with Python, Tensorflow and ImageAI within 5 minutes
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…
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…
Recent Advances in Modern Computer Vision
Computer Vision beyond object classification
🔗 Recent Advances in Modern Computer Vision - Towards Data Science
Computer Vision beyond object classification
Computer Vision beyond object classification
🔗 Recent Advances in Modern Computer Vision - Towards Data Science
Computer Vision beyond object classification
Medium
Recent Advances in Modern Computer Vision
Computer Vision beyond object classification
Maximizing group happiness in White Elephants using the Hungarian optimal assignment algorithm
Learn about the Hungarian (Munkres) optimal assignment algorithm with Python code to maximize group over individual preferences.
🔗 Maximizing group happiness in White Elephants using the Hungarian optimal assignment algorithm
Learn about the Hungarian (Munkres) optimal assignment algorithm with Python code to maximize group over individual preferences.
Learn about the Hungarian (Munkres) optimal assignment algorithm with Python code to maximize group over individual preferences.
🔗 Maximizing group happiness in White Elephants using the Hungarian optimal assignment algorithm
Learn about the Hungarian (Munkres) optimal assignment algorithm with Python code to maximize group over individual preferences.
Medium
Maximizing group happiness in White Elephants using the Hungarian optimal assignment algorithm
Learn about the Hungarian (Munkres) optimal assignment algorithm with Python code to maximize group over individual preferences.
Введение в Deep Learning. "Копаем глубже"
🎥 10. Введение в Deep Learning. "Копаем глубже"
👁 2 раз ⏳ 5142 сек.
🎥 10. Введение в Deep Learning. "Копаем глубже"
👁 2 раз ⏳ 5142 сек.
- Предпосылки.
- Проблемы глубоких сетей.
- Предобучение, ограниченные машины Больцмана.
- Нормализованная инициализация весов.
- ReLU активация.
- Проклятье размерности.
- Dropout регуляризация.Vk
10. Введение в Deep Learning. "Копаем глубже"
- Предпосылки.
- Проблемы глубоких сетей.
- Предобучение, ограниченные машины Больцмана.
- Нормализованная инициализация весов.
- ReLU активация.
- Проклятье размерности.
- Dropout регуляризация.
- Проблемы глубоких сетей.
- Предобучение, ограниченные машины Больцмана.
- Нормализованная инициализация весов.
- ReLU активация.
- Проклятье размерности.
- Dropout регуляризация.
Введение в CNN. Учим нейронные сети видеть
🎥 11. Введение в CNN. Учим нейронные сети видеть
👁 2 раз ⏳ 4966 сек.
🎥 11. Введение в CNN. Учим нейронные сети видеть
👁 2 раз ⏳ 4966 сек.
- Идея свёрточных нейронных сетей
- Constitutional layer, polling layer
- Обзор архитектур свёрточных сетей
- Transfer learningVk
11. Введение в CNN. Учим нейронные сети видеть
- Идея свёрточных нейронных сетей
- Constitutional layer, polling layer
- Обзор архитектур свёрточных сетей
- Transfer learning
- Constitutional layer, polling layer
- Обзор архитектур свёрточных сетей
- Transfer learning