- 博客(108)
- 收藏
- 关注
翻译 从头开始学python_从头开始构建python
从头开始学pythonIn this article, we shall understand how k-Nearest Neighbors (kNN) algorithm works and build kNN algorithm from ground up. We also shall evaluate our algorithm using the k-Fold cross-valida...
2020-10-14 06:43:03
477
翻译 凸优化 机器学习 深度学习_机器学习中的优化第1部分
凸优化 机器学习 深度学习Optimization in Machine Learning is one of the most important steps and possibly the hardest to learn also. The optimizer is a function that optimizes Machine Learning models using traini...
2020-10-14 06:33:15
876
翻译 受限Boltzmann机器rbms简介
介绍 (Introduction)Invented by Geoffrey Hinton(Sometimes referred to as the Godfather of Deep Learning), a Restricted Boltzmann machine is an algorithm useful for dimensionality reduction, classificat...
2020-10-14 06:23:30
1295
翻译 卡尼萨三角_找到边缘卡尼和索贝尔探测器第1部分
卡尼萨三角While working on a project for Real-Time Road Lane Detection, I sat down to learn about various edge detection techniques. I came across some rather fascinating algorithms called “Canny Edge Dete...
2020-10-14 06:13:57
521
翻译 使用深度学习对交通标志进行分类
Traffic-sign recognition (TSR) technology- a technology by which a vehicle is able to recognize the traffic signs that are placed on the road e.g. “ Turn right ahead”, “Speed limit”, or “Stop” etc.- c...
2020-10-14 06:04:22
1299
翻译 神经网络算法是黑盒_在黑盒内窥视如何欺骗神经网络
神经网络算法是黑盒Neural networks get a bad reputation for being black boxes. And while it certainly takes creativity to understand their decision making, they are really not as opaque as people would have you...
2020-10-14 05:54:10
742
翻译 通用逼近定理_用代码理解通用逼近定理
通用逼近定理The Universal approximation theorem claims that the standard multi-layer feedforward networks with a single hidden layer that contains a finite number of hidden neurons are able to approximate c...
2020-10-14 05:43:58
957
翻译 nvidia 显卡深度学习_使用Nvidia工具包加速您的深度学习流程
nvidia 显卡深度学习Any deep learning model has two phases — training and inference. Both the phases are as important as the other. The training phase is an iterative process — we iterate to find optimal hyp...
2020-10-14 05:33:08
1969
翻译 使用神经网络和ml模型预测客户流失
This story is a walk-through of a notebook I uploaded on Kaggle. Originally, it only used machine learning models and since then I have added a couple of basic neural network models. The churn predict...
2020-10-14 05:24:03
1582
翻译 小米fortnite_AMD用Fortnite复活节彩蛋戏弄Radeon 6000 Big Navi图形卡
小米fortniteOn Twitter, AMD hinted there were more hidden secrets concerning the upcoming graphics cards, which are expected to do battle with Nvidia’s RTX 3000 cards for GPU gaming supremacy. 在Twitter上...
2020-09-15 13:01:30
157
翻译 pytorch gan网络_使用pytorch构建自己的生成对抗网络gan
pytorch gan网络Generative Adversarial Networks is the most interesting idea in machine learning in last ten years. 生成对抗网络是过去十年中机器学习中最有趣的想法。 — Yann Lecun (Facebook AI Director) — Yann Lecun(Facebook AI总...
2020-09-09 21:45:14
1982
翻译 缩放Logistic回归用于多GPU TPU训练
Logistic regression is a simple, but powerful, classification algorithm. In this blog post we’ll see that we can view logistic regression as a type of neural network. Logistic回归是一种简单但功能强大的分类算法。 在此博客文章...
2020-09-09 21:35:17
1149
翻译 神经网络 泛化_仔细研究神经网络大批量训练中的泛化差距
神经网络 泛化 介绍 (Introduction)Deep learning architectures such as recurrent neural networks and convolutional neural networks have seen many significant improvements and have been applied in the fields of...
2020-09-09 21:25:18
2142
翻译 pyspark 机器学习_pyspark机器学习
pyspark 机器学习 机器学习 , 编程 (Machine Learning, Programming)In this article, I am going to share a few machine learning work I have done in spark using PySpark. 在本文中,我将分享一些我使用PySpark在spark中完成的机器学习工作。 Mach...
2020-09-09 21:15:41
667
翻译 数据数据泄露泄露_通过超参数调整进行数据泄漏
数据数据泄露泄露 介绍 (Introduction)Data Leakage is when the model somehow knows the patterns in the test data during its training phase. In other words, the data that you are using to train your ML algorithm ...
2020-09-09 21:06:07
785
翻译 图像去噪声 卷积_卷积自动编码器可在10分钟内减少图像噪声
图像去噪声 卷积If you are reading this article, I am sure that we share similar interests and are/will be in similar industries. So let’s connect via Linkedin! Please do not hesitate to send a contact reques...
2020-09-09 20:56:02
1235
翻译 帕金森定律_通过图像分析将帕金森病分类2
帕金森定律 应用计算机视觉 (Applied Computer Vision)In my previous post, I outlined some manually obtained features such as number of intersection and end-points, line thickness, standard deviation, etc. In this ...
2020-09-09 20:46:35
745
翻译 python3中情感分类_python中的情感分类
python3中情感分类This post is the last of the three sequential posts on steps to build a sentiment classifier. Having done some exploratory text analysis and preprocessed the text, it’s time to classify re...
2020-09-09 20:36:55
2612
翻译 python中从零开始的神经网络
介绍: (Introduction:)Do you really think that a neural network is a block box? I believe, a neuron inside the human brain may be very complex, but a neuron in a neural network is certainly not that co...
2020-09-09 20:27:27
349
翻译 pix2pix gan_用python构建pix2pix gan
pix2pix ganThere are times that we want to to transform an image into another style. Let’s say we have a fine collection of sketches. Our daily work is to color these black and white images. 有时候,我们希望将...
2020-09-09 20:17:09
527
翻译 dplotly可视化解释了pca
PCA (Principal component analysis) is an unsupervised learning algorithm that finds the relations among features within a dataset. It is also widely used as a preprocessing step for supervised learnin...
2020-09-09 20:06:26
247
翻译 使用机器学习预测天气_使用机器学习来预测患者是否会再次入院
使用机器学习预测天气We are in an age where machines are utilizing huge data and trying to create a better world. It might range from predicting crime rates in an area using machine learning to conversing with h...
2020-09-09 19:55:41
2200
翻译 ai芯片fpga_AI芯片技术趋势景观GPU TPU FPGA初创公司
ai芯片fpgaMajor tech companies invest billions in AI chip development. Even Microsoft and Facebook are onboard with Intel FPGA in accelerating their hardware infrastructures. There are a handful of star...
2020-09-09 19:46:32
1557
翻译 内容损失 对抗损失_最强大的损失功能
内容损失 对抗损失Recently, I came across the amazing paper presented in CVPR 2019 by Jon Barron about developing a robust and adaptive loss function for Machine Learning problems. This post is a review of tha...
2020-09-09 19:35:49
990
翻译 谷歌cloud_参加Google Cloud专业机器学习工程师考试的20天Beta
谷歌cloud1 Aug 2020, I checked to see that the registration page which a week ago showed “we have sufficient beta test takers and registration is closed” is surprisingly active again. I looked through t...
2020-09-09 19:24:53
1151
翻译 cnn lstm预测_CNN LSTM预测每日酒店取消
cnn lstm预测 背景:LSTM与CNN (Background: LSTMs vs. CNNs)An LSTM (long-short term memory network) is a type of recurrent neural network that allows for the accounting of sequential dependencies in a time s...
2020-09-09 19:15:36
2315
翻译 建模挥杆概率
An aspect of baseball that has fascinated me for years is the mental game of chess that goes on between the batter and the pitcher during an at bat. Each player is constantly trying to get into the he...
2020-09-09 19:05:19
174
翻译 python 颜色识别_在python中构建颜色识别器
python 颜色识别In this post, I will show you how to build your own color recognizer using Python. This process is also known as “Color Detection”. We will create a basic application that will help us to d...
2020-09-09 18:55:36
2564
翻译 servlet与cgi_与CGI一起训练AI
servlet与cgiIn this article we go through how we trained a computer vision model (AI) to detect sub-components of a Raspberry PI using only synthetic data (CGI). 在本文中,我们将介绍如何训练计算机视觉模型(AI)以仅使用合成数据(CGI)来...
2020-09-09 18:46:34
219
翻译 发现印度尼西亚提克多克州的病毒性食物食谱
In the past 5 months quarantine from the Covid-19 pandemic, I’ve seen changes in my friend’s and relatives’ Instagram posts and story updates. From posts on outdoor communal activities — travel, hango...
2020-09-09 18:36:12
1771
翻译 语义漂移_当概念漂移是语义漂移时
语义漂移Sometimes your models fail because the world breaks. Sometimes your models die because your observations of the world break. The distinction is harder to discern than you think. 有时您的模型会因为世界崩溃而失败。 ...
2020-09-08 02:09:57
1424
翻译 机器学习的时空复杂度_机器学习模型的时空复杂性
机器学习的时空复杂度 机器学习 (Machine Learning)The train time complexity of machine learning model — The amount of time taken to train the model 机器学习模型的训练时间复杂度 -训练模型花费的时间 The test time complexity of the machine l...
2020-09-08 02:00:25
1326
翻译 大数据 机器学习 分类算法_13种用于数据科学的机器学习分类算法及其代码
大数据 机器学习 分类算法The roundup of most common classification algorithms along with their python and r code: 吨 他的Roundup与他们的Python和R代码一起最常见的分类算法: Decision Tree, Naive Bayes, Gaussian Naive Bayes, Bernoulli ...
2020-09-08 01:51:24
2318
翻译 保留形状的形式如何缩小索引图像
As you know, in an index image, each pixel value indicates the code of a colour stored in a map, and index images are popular in various fields. Unfortunately, index image downscaling is very indispen...
2020-09-08 01:41:40
154
翻译 ml模型_在实现带有训练的ml模型之前处理分类数据的方法
ml模型In my last blogs, I explained types of missing values and different ways to handle Continous and Categorical missing values with implementation. 在我的上一篇博客中,我解释了缺失值的类型以及在实现中处理连续和分类缺失值的不同方法。 After h...
2020-09-08 01:31:46
126
翻译 安然数据集分析处理_用自然语言处理分析安然会计丑闻
安然数据集分析处理 介绍 (Intro)Natural Language Processing (NLP) has been gaining tractions in recent years, allowing us to understand unstructured text data in a way that was never possible before. One of the ...
2020-09-08 01:22:18
1272
翻译 银行存款数据库理数据类型_银行数据分类第1部分
银行存款数据库理数据类型Part 1 out of 4 will be short posts about the 4 different machine learning algorithms that were used on the bank data. 第4部分的第1部分将简短介绍银行数据中使用的4种不同的机器学习算法。 随机森林 (Random Forest)Random fore...
2020-09-08 01:11:31
1468
翻译 vulkan学习_使用vulkan kompute在gpu中进行机器学习和数据处理
vulkan学习Machine learning, together with many other advanced data processing paradigms, fits incredibly well to the parallel-processing architecture that GPU computing offers. 机器学习以及许多其他高级数据处理范例非常适合GPU...
2020-09-08 01:02:19
2429
翻译 用lstm神经网络预测南派克佩蒂特河的流量
TL; DR: (TL;DR:)I made an LSTM neural network model that uses 30+ years of weather and streamflow data to quite accurately predict what the streamflow will be tomorrow. 我制作了一个LSTM神经网络模型,该模型使用30多年的天气...
2020-09-08 00:51:58
814
翻译 深度学习如何构建情感聊天机器人,第1部分伯特情绪预测器
The Guardian: A Robot Wrote This Entire Article. Are You Scared Yet, Human? 卫报:机器人写了这篇整篇文章。 人类,您还害怕吗? As the dialogue system is mature nowadays, we can download and apply advanced trained chatbots, s...
2020-09-08 00:42:33
888
空空如也
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人