Neural Networks from Scratch - P.1 Intro and Neuron Code
https://morioh.com/p/d3398c5b6c25
🔗 Neural Networks from Scratch - P.1 Intro and Neuron Code
In this Python tutorial, you'll learn how to build neural networks from scratch. What’s a Neural Network? Neural Networks are like the workhorses of Deep learning. With enough data and computational power, they can be used to solve most of the problems in deep learning. It is very easy to use a Python or R library to create a neural network and train it on any dataset and get a great accuracy.
https://morioh.com/p/d3398c5b6c25
🔗 Neural Networks from Scratch - P.1 Intro and Neuron Code
In this Python tutorial, you'll learn how to build neural networks from scratch. What’s a Neural Network? Neural Networks are like the workhorses of Deep learning. With enough data and computational power, they can be used to solve most of the problems in deep learning. It is very easy to use a Python or R library to create a neural network and train it on any dataset and get a great accuracy.
Особенности data-driven в нефтехимии
🔗 Особенности data-driven в нефтехимии
При создании любого бизнеса каждое из его подразделений автоматизирует само себя. Как правило сквозные потоки данных между ними единичны. Это приводит к тому, чт...
🔗 Особенности data-driven в нефтехимии
При создании любого бизнеса каждое из его подразделений автоматизирует само себя. Как правило сквозные потоки данных между ними единичны. Это приводит к тому, чт...
Хабр
Особенности data-driven в нефтехимии
При создании любого бизнеса каждое из его подразделений автоматизирует само себя. Как правило сквозные потоки данных между ними единичны. Это приводит к тому, чт...
🎥 Adversarial robustness of source code models
👁 7 раз ⏳ 4565 сек.
👁 7 раз ⏳ 4565 сек.
В рамках семинара мы обсудим две статьи, поднимающие проблемы применения нейросетевых моделей к коду. Как и в других областях, модели, обученные на исходном коде, по умолчанию не устойчивы к изменению входных данных. Добавление "мертвого" кода или переименование переменных может легко изменить предсказания модели. Обучение устойчивых моделей является нетривиальной задачей, поскольку (1) пространство изменений программ дискретно и бесконечно, (2) код имеет более сложную структуру чем, например, изображения,Vk
Adversarial robustness of source code models
В рамках семинара мы обсудим две статьи, поднимающие проблемы применения нейросетевых моделей к коду. Как и в других областях, модели, обученные на исходном коде, по умолчанию не устойчивы к изменению входных данных. Добавление "мертвого" кода или переименование…
🎥 Основы языка R // Часть 3 // Работа с Data Frame и манипулирование данными
👁 1 раз ⏳ 1710 сек.
👁 1 раз ⏳ 1710 сек.
Основы языка R // Часть 3 // Работа с data frame и манипулирование данными
Продолжаем серию уроков по языку R
В этом уроке рассмотрим:
- Структуры которые используются в Data Science
- Работа с Data Frame и манипулирование данными
Язык программирования R популярен в проектах Машинного обучения благодаря большому сообществу и библиотек для анализа данных.
Язык R разрабатывался в основном для проведения дружественного к пользователю анализа данных и для решения сложных статистических задач.
ЗаписатVk
Основы языка R // Часть 3 // Работа с Data Frame и манипулирование данными
Основы языка R // Часть 3 // Работа с data frame и манипулирование данными
Продолжаем серию уроков по языку R
В этом уроке рассмотрим:
- Структуры которые используются в Data Science
- Работа с Data Frame и манипулирование данными
Язык программирования…
Продолжаем серию уроков по языку R
В этом уроке рассмотрим:
- Структуры которые используются в Data Science
- Работа с Data Frame и манипулирование данными
Язык программирования…
Reinforcement Learning a Self-driving Car AI in Unity
🔗 Reinforcement Learning a Self-driving Car AI in Unity
The era of self-driving cars is almost upon us, at least according to Elon Musk. Hence, it’s probably about time to learn how to make one…
🔗 Reinforcement Learning a Self-driving Car AI in Unity
The era of self-driving cars is almost upon us, at least according to Elon Musk. Hence, it’s probably about time to learn how to make one…
Medium
Reinforcement Learning a Self-driving Car AI in Unity
The era of self-driving cars is almost upon us, at least according to Elon Musk. Hence, it’s probably about time to learn how to make one…
Classical Least Squares Method for Quantitative Spectral Analysis with Python
🔗 Classical Least Squares Method for Quantitative Spectral Analysis with Python
Calculating spectral similarity scores or how to find the concentration of pure substances in unknown mixtures
🔗 Classical Least Squares Method for Quantitative Spectral Analysis with Python
Calculating spectral similarity scores or how to find the concentration of pure substances in unknown mixtures
Medium
A Classical Least Squares Method for Quantitative Spectral Analysis with Python
Calculating spectral similarity scores or how to find the concentration of pure substances in unknown mixtures
XTREME: A Massively Multilingual Multi-task Benchmark for Evaluating Cross-lingual Generalization">
XTREME: A Massively Multilingual Multi-task Benchmark for Evaluating Cross-lingual Generalization
🔗 XTREME: A Massively Multilingual Multi-task Benchmark for Evaluating Cross-lingual Generalization
Posted by Melvin Johnson, Senior Software Engineer, Google Research and Sebastian Ruder, Research Scientist, DeepMind One of the key chal...
XTREME: A Massively Multilingual Multi-task Benchmark for Evaluating Cross-lingual Generalization
🔗 XTREME: A Massively Multilingual Multi-task Benchmark for Evaluating Cross-lingual Generalization
Posted by Melvin Johnson, Senior Software Engineer, Google Research and Sebastian Ruder, Research Scientist, DeepMind One of the key chal...
Googleblog
XTREME: A Massively Multilingual Multi-task Benchmark for Evaluating Cross-lingual Generalization
Huawei announced that its TensorFlow and PyTorch-style MindSpore Deep Learning middleware is now open source
https://towardsdatascience.com/huaweis-mindspore-a-new-competitor-for-tensorflow-and-pytorch-d319deff2aec
Github: https://github.com/mindspore-ai/mindspore
Docs: https://www.mindspore.cn/docs/en/0.1.0-alpha/architecture.html
Наш телеграм канал - tglink.me/ai_machinelearning_big_data
🔗 Huawei’s MindSpore: A new competitor for TensorFlow and PyTorch?
Huawei announced that its TensorFlow and PyTorch-style MindSpore Deep Learning middleware is now open source. Discover in this post its…
https://towardsdatascience.com/huaweis-mindspore-a-new-competitor-for-tensorflow-and-pytorch-d319deff2aec
Github: https://github.com/mindspore-ai/mindspore
Docs: https://www.mindspore.cn/docs/en/0.1.0-alpha/architecture.html
Наш телеграм канал - tglink.me/ai_machinelearning_big_data
🔗 Huawei’s MindSpore: A new competitor for TensorFlow and PyTorch?
Huawei announced that its TensorFlow and PyTorch-style MindSpore Deep Learning middleware is now open source. Discover in this post its…
Medium
Huawei’s MindSpore: A new competitor for TensorFlow and PyTorch?
Huawei announced that its TensorFlow and PyTorch-style MindSpore Deep Learning middleware is now open source. Discover in this post its…
Моя статья на Хабре о том как я делал переводчик на нейронных сетях
https://habr.com/ru/post/492524/
🔗 Как я заработал 1 000 000 $ без опыта и связей, а потом потратил их, чтобы сделать свой переводчик
Как все начиналось Эта история началась 15 лет назад. Работая программистом в столице, я накапливал деньги и увольнялся, чтобы потом создавать собственные проект...
https://habr.com/ru/post/492524/
🔗 Как я заработал 1 000 000 $ без опыта и связей, а потом потратил их, чтобы сделать свой переводчик
Как все начиналось Эта история началась 15 лет назад. Работая программистом в столице, я накапливал деньги и увольнялся, чтобы потом создавать собственные проект...
Хабр
Как я заработал 1 000 000 $ без опыта и связей, а потом потратил их, чтобы сделать свой переводчик
Как все начиналось Эта история началась 15 лет назад. Работая программистом в столице, я накапливал деньги и увольнялся, чтобы потом создавать собственные проекты. Для экономии средств уезжал домой, в...
SBERT-WK: A Sentence Embedding Method by Dissecting BERT-based Word Models
Sentence embedding is an important research topic in natural language processing (NLP) since it can transfer knowledge to downstream tasks. Meanwhile, a contextualized word representation, called BERT, achieves the state-of-the-art performance in quite a few NLP tasks.
Yet, it is an open problem to generate a high quality sentence representation from BERT-based word models. It was shown in previous study that different layers of BERT capture different linguistic properties. This allows us to fusion information across layers to find better sentence representation.
[GitHub]
https://github.com/BinWang28/SBERT-WK-Sentence-Embedding
[arXiv]
https://arxiv.org/abs/2002.06652
#ai #artificialintelligence #deeplearning #nlp #nlproc #machinelearning
🔗 BinWang28/SBERT-WK-Sentence-Embedding
Code for Paper: SBERT-WK: A Sentence Embedding Method By Dissecting BERT-based Word Models - BinWang28/SBERT-WK-Sentence-Embedding
Sentence embedding is an important research topic in natural language processing (NLP) since it can transfer knowledge to downstream tasks. Meanwhile, a contextualized word representation, called BERT, achieves the state-of-the-art performance in quite a few NLP tasks.
Yet, it is an open problem to generate a high quality sentence representation from BERT-based word models. It was shown in previous study that different layers of BERT capture different linguistic properties. This allows us to fusion information across layers to find better sentence representation.
[GitHub]
https://github.com/BinWang28/SBERT-WK-Sentence-Embedding
[arXiv]
https://arxiv.org/abs/2002.06652
#ai #artificialintelligence #deeplearning #nlp #nlproc #machinelearning
🔗 BinWang28/SBERT-WK-Sentence-Embedding
Code for Paper: SBERT-WK: A Sentence Embedding Method By Dissecting BERT-based Word Models - BinWang28/SBERT-WK-Sentence-Embedding
GitHub
GitHub - BinWang28/SBERT-WK-Sentence-Embedding: IEEE/ACM TASLP 2020: SBERT-WK: A Sentence Embedding Method By Dissecting BERT…
IEEE/ACM TASLP 2020: SBERT-WK: A Sentence Embedding Method By Dissecting BERT-based Word Models - GitHub - BinWang28/SBERT-WK-Sentence-Embedding: IEEE/ACM TASLP 2020: SBERT-WK: A Sentence Embeddin...
Animate your Graphs in Python in 4 Easy Steps!
🔗 Animate your Graphs in Python in 4 Easy Steps!
Getting Creative with Data Visualization using COVID-19 Data
🔗 Animate your Graphs in Python in 4 Easy Steps!
Getting Creative with Data Visualization using COVID-19 Data
Medium
Animate your Graphs in Python in 4 Easy Steps!
Getting Creative with Data Visualization using COVID-19 Data
Вебинар «Удаленный мониторинг и диагностика оборудования на современном производстве»
🔗 Вебинар «Удаленный мониторинг и диагностика оборудования на современном производстве»
Приглашаем вас принять участие в вебинаре «Мониторинг и диагностика оборудования на современном производстве». Вебинар состоится 20 апреля в 13:00 по московско...
🔗 Вебинар «Удаленный мониторинг и диагностика оборудования на современном производстве»
Приглашаем вас принять участие в вебинаре «Мониторинг и диагностика оборудования на современном производстве». Вебинар состоится 20 апреля в 13:00 по московско...
Хабр
Вебинар «Удаленный мониторинг и диагностика оборудования на современном производстве»
Приглашаем вас принять участие в вебинаре «Мониторинг и диагностика оборудования на современном производстве». Вебинар состоится 20 апреля в 13:00 по московскому времени. Winnum CNC — решение для...
Data Engineer и Data Scientist: что умеют и сколько зарабатывают
🔗 Data Engineer и Data Scientist: что умеют и сколько зарабатывают
Вместе с Еленой Герасимовой, руководителем факультета «Data Science и аналитика» в Нетологии продолжаем разбираться, как взаимодействуют между собой и чем различ...
🔗 Data Engineer и Data Scientist: что умеют и сколько зарабатывают
Вместе с Еленой Герасимовой, руководителем факультета «Data Science и аналитика» в Нетологии продолжаем разбираться, как взаимодействуют между собой и чем различ...
Хабр
Data Engineer и Data Scientist: что умеют и сколько зарабатывают
Вместе с Еленой Герасимовой, руководителем факультета « Data Science и аналитика » в Нетологии, продолжаем разбираться, как взаимодействуют между собой и чем различаются Data Scientist и Data...
Dataprep.eda: Accelerate your EDA
🔗 Dataprep.eda: Accelerate your EDA
Everything you need to know about dataprepare.eda.
🔗 Dataprep.eda: Accelerate your EDA
Everything you need to know about dataprepare.eda.
Medium
Dataprep.eda: Accelerate your EDA
Everything you need to know about dataprepare.eda.
Latent Stochastic Differential Equations
🔗 Latent Stochastic Differential Equations
David Duvenaud | TMLS2019
🔗 Latent Stochastic Differential Equations
David Duvenaud | TMLS2019
Medium
Latent Stochastic Differential Equations
David Duvenaud | TMLS2019
It’s just a Minor Thing: Keeping up with the Red Hot Chili Peppers
🔗 It’s just a Minor Thing: Keeping up with the Red Hot Chili Peppers
Tempo analysis of the RHCP with SpotifyR
🔗 It’s just a Minor Thing: Keeping up with the Red Hot Chili Peppers
Tempo analysis of the RHCP with SpotifyR
Medium
It’s just a Minor Thing: Keeping up with the Red Hot Chili Peppers
Tempo analysis of the RHCP with SpotifyR
🎥 PyTorch Tutorial 17 - Saving and Loading Models
👁 1 раз ⏳ 1104 сек.
👁 1 раз ⏳ 1104 сек.
Learn all the basics you need to get started with this deep learning framework! In this part we will learn how to save and load our model. I will show you the different functions you have to remember, and the different ways of saving our model. I also show you what you must consider when using a GPU.
Functions you must know:
- torch.save()
- torch.load()
- torch.nn.Module().load_state_dict()
Part 17: Saving and Loading Models
If you enjoyed this video, please subscribe to the channel!
Official website:Vk
PyTorch Tutorial 17 - Saving and Loading Models
Learn all the basics you need to get started with this deep learning framework! In this part we will learn how to save and load our model. I will show you the different functions you have to remember, and the different ways of saving our model. I also show…
🎥 Latent Stochastic Differential Equations | David Duvenaud
👁 1 раз ⏳ 1487 сек.
👁 1 раз ⏳ 1487 сек.
A talk from the Toronto Machine Learning Summit: https://torontomachinelearning.com/
The video is hosted by https://towardsdatascience.com/
About the speaker:
David Duvenaud is an assistant professor in computer science and statistics at the University of Toronto. He holds a Canada Research Chair in generative models. His postdoctoral research was done at Harvard University, where he worked on hyperparameter optimization, variational inference, and chemical design. He did his Ph.D. at the University ofVk
Latent Stochastic Differential Equations | David Duvenaud
A talk from the Toronto Machine Learning Summit: https://torontomachinelearning.com/
The video is hosted by https://towardsdatascience.com/
About the speaker:
David Duvenaud is an assistant professor in computer science and statistics at the University…
The video is hosted by https://towardsdatascience.com/
About the speaker:
David Duvenaud is an assistant professor in computer science and statistics at the University…
🎥 Машинное обучение для анализа данных RNA-Seq
👁 1 раз ⏳ 1456 сек.
👁 1 раз ⏳ 1456 сек.
Транскриптом - совокупность всех транскриптов, синтезируемых одной клеткой или группой клеток, включая мРНК и некодирующие РНК
На семинаре мы рассмотрим задачи, возникающие при анализе данных секвенирования транскриптома, а также подходы к их решению с помощью машинного обучения с примерами.
В частности, обсудим CIBERSORT — метод для определения клеточного состава сложных тканей по их профилям экспрессии генов, поговорим о некоторых исследованиях, связанных с определением активности сигнальных путей. ТакжVk
Машинное обучение для анализа данных RNA-Seq
Транскриптом - совокупность всех транскриптов, синтезируемых одной клеткой или группой клеток, включая мРНК и некодирующие РНК
На семинаре мы рассмотрим задачи, возникающие при анализе данных секвенирования транскриптома, а также подходы к их решению с помощью…
На семинаре мы рассмотрим задачи, возникающие при анализе данных секвенирования транскриптома, а также подходы к их решению с помощью…
Free Online Courses | Harvard University
Free Online Courses. Digital Media. Music. Business. General. Business Development. Business Development. Computer Science. General. Computer Science. Artificial Intelligence. Data Science. General. Data Science. General. Education. Teacher Development. General. Healthcare. Healthcare. Humanities.
Click on the given link below:
1. Computer Science: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=3&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
2. Data Science: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=84&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
3. Programming: https://online-learning.harvard.edu/catalog?keywords=&subject%5B1%5D=100&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
4. Business: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=2&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
5. Arts & Design: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=1&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
6. Education and Teaching: https://online-learning.harvard.edu/catalog?keywords=&subject%5B1%5D=5&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
7. Health & Medicine: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=10&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
8. Humanities: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=8&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
9. Mathematics: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=9&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
10: Science: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=11&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
11: Social Science: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=13&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
#HARVARD_UNIVERSITY_FREE_ONLINE_COURSE #COMPUTER_SCIENCE #DATA_SCIENCE #PROGRAMMING #BUSINESS #ARTS_AND_DESIGN #EDUCATION_AND_TEACHING #HEALTH_AND_MEDICINE #HUMANITIES #MATHEMATICS #SCIENCE #SOCIAL_SCIENCE
🔗 Online Courses
Browse the latest online courses from Harvard University, including "CS50's Introduction to Game Development" and "CS50's Web Programming with Python and JavaScript."
Free Online Courses. Digital Media. Music. Business. General. Business Development. Business Development. Computer Science. General. Computer Science. Artificial Intelligence. Data Science. General. Data Science. General. Education. Teacher Development. General. Healthcare. Healthcare. Humanities.
Click on the given link below:
1. Computer Science: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=3&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
2. Data Science: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=84&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
3. Programming: https://online-learning.harvard.edu/catalog?keywords=&subject%5B1%5D=100&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
4. Business: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=2&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
5. Arts & Design: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=1&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
6. Education and Teaching: https://online-learning.harvard.edu/catalog?keywords=&subject%5B1%5D=5&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
7. Health & Medicine: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=10&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
8. Humanities: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=8&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
9. Mathematics: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=9&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
10: Science: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=11&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
11: Social Science: https://online-learning.harvard.edu/catalog?keywords=&subject%5B%5D=13&max_price=&start_date_range%5Bmin%5D%5Bdate%5D=&start_date_range%5Bmax%5D%5Bdate%5D=
#HARVARD_UNIVERSITY_FREE_ONLINE_COURSE #COMPUTER_SCIENCE #DATA_SCIENCE #PROGRAMMING #BUSINESS #ARTS_AND_DESIGN #EDUCATION_AND_TEACHING #HEALTH_AND_MEDICINE #HUMANITIES #MATHEMATICS #SCIENCE #SOCIAL_SCIENCE
🔗 Online Courses
Browse the latest online courses from Harvard University, including "CS50's Introduction to Game Development" and "CS50's Web Programming with Python and JavaScript."
Harvard Online Courses
Online Courses
Browse the latest online courses from Harvard University, including "Nonprofit Financial Stewardship Webinar: Introduction to Accounting and Financial Statements" and "Blackburn Course in Obesity
Nevergrad, an evolutionary optimization platform, adds new key features
Facebook AI’s open source Python3 library for derivative-free and evolutionary optimization.
https://ai.facebook.com/blog/nevergrad-an-evolutionary-optimization-platform-adds-new-key-features/
GitHub: https://github.com/facebookresearch/nevergrad
Documentation: https://facebookresearch.github.io/nevergrad/index.html
Наш телеграм канал - tglink.me/ai_machinelearning_big_data
🔗 Nevergrad, an evolutionary optimization platform, adds new key features
We have added a range of noteworthy new features to Nevergrad, Facebook AI’s open source Python3 library for derivative-free and evolutionary optimization.
Facebook AI’s open source Python3 library for derivative-free and evolutionary optimization.
https://ai.facebook.com/blog/nevergrad-an-evolutionary-optimization-platform-adds-new-key-features/
GitHub: https://github.com/facebookresearch/nevergrad
Documentation: https://facebookresearch.github.io/nevergrad/index.html
Наш телеграм канал - tglink.me/ai_machinelearning_big_data
🔗 Nevergrad, an evolutionary optimization platform, adds new key features
We have added a range of noteworthy new features to Nevergrad, Facebook AI’s open source Python3 library for derivative-free and evolutionary optimization.
Facebook
Nevergrad, an evolutionary optimization platform, adds new key features
We have added a range of noteworthy new features to Nevergrad, Facebook AI’s open source Python3 library for derivative-free and evolutionary optimization.