-
Updated
May 14, 2020 - Python
#
svm
Here are 1,323 public repositories matching this topic...
100 Days of ML Coding
python
machine-learning
tutorial
deep-learning
svm
linear-regression
scikit-learn
linear-algebra
machine-learning-algorithms
naive-bayes-classifier
logistic-regression
implementation
support-vector-machines
100-days-of-code-log
100daysofcode
infographics
siraj-raval
siraj-raval-challenge
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
python
nlp
svm
scikit-learn
sklearn
regression
logistic
dnn
lstm
pca
rnn
deeplearning
kmeans
adaboost
apriori
fp-growth
svd
naivebayes
mahchine-leaning
recommendedsystem
-
Updated
May 13, 2020 - Python
Python code for common Machine Learning Algorithms
random-forest
svm
linear-regression
naive-bayes-classifier
pca
logistic-regression
decision-trees
lda
polynomial-regression
kmeans-clustering
hierarchical-clustering
svr
knn-classification
xgboost-algorithm
-
Updated
Apr 11, 2020 - Jupyter Notebook
Documents, papers and codes related to NLP, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
tensorflow
svm
word2vec
crf
keras
similarity
classification
attention
gensim
lda
fasttext
ner
embedding
bert
elmo
-
Updated
May 13, 2020 - Python
Vehicle detection using machine learning and computer vision techniques for Udacity's Self-Driving Car Engineer Nanodegree.
machine-learning
udacity
computer-vision
svm
self-driving-car
hog-features
sliding-windows
svm-classifier
-
Updated
Oct 31, 2017 - Jupyter Notebook
Java Statistical Analysis Tool, a Java library for Machine Learning
-
Updated
Jan 16, 2020 - Java
The Operator Splitting QP Solver
machine-learning
control
optimization
svm
solver
lasso
portfolio-optimization
numerical-optimization
quadratic-programming
convex-optimization
model-predictive-control
-
Updated
May 14, 2020 - C
JasonShin
commented
Apr 8, 2019
-
I'm submitting a ...
[/] enhancement -
Summary
As a result of upgrading the Tensorflow version to 0.15.1, we should refactor all thedataSycn
witharraySync
. This will greatly improve the overall readability of the code.
Created vehicle detection pipeline with two approaches: (1) deep neural networks (YOLO framework) and (2) support vector machines ( OpenCV + HOG).
-
Updated
Mar 28, 2018 - Python
Simple machine learning library / 簡單易用的機器學習套件
machine-learning
neural-network
svm
linear-regression
regression
classification
logistic-regression
perceptron
decision-trees
support-vector-machines
-
Updated
Sep 11, 2018 - Python
Ruby language bindings for LIBSVM
ruby
machine-learning
svm
ml
ruby-bindings
libsvm
svm-training
svm-learning
svm-classifier
rubyml
ruby-language-bindings
-
Updated
Oct 1, 2018 - C++
Curso de Introducción a Machine Learning con Python
-
Updated
May 13, 2020 - Jupyter Notebook
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
python
machine-learning
deep-neural-networks
reinforcement-learning
deep-learning
neural-network
random-forest
tensorflow
svm
scikit-learn
recurrent-neural-networks
xgboost
autoencoder
ensemble-learning
gradient-boosting
-
Updated
Mar 4, 2020 - Jupyter Notebook
Open Source Landmarking Library
-
Updated
Aug 7, 2019 - Jupyter Notebook
Open
如何根据图表分析得出app启动的时间?
2
TatamiHermit
commented
Nov 15, 2019
你好,根据我个人理解,app启动时间的测试,默认的黑盒标准一般是从click event触发开始。
请教一下根据report中的各类图表,首先要获取到精确的click event的时间戳t1,然后获取到界面加载完成的t2,这样就可以得到Δt
我这边打开Android的轨迹,这样点击时就会有一个圆点,可以用于辅助识别。
根据你的设计理念,如何根据图表分析得出app启动的时间呢?
谢谢。
Open
ROADMAP
Regression, Scrapers, and Visualization
visualization
sentiment-analysis
svm
linear-regression
prediction
stocks
stock-prices
stock-analysis
-
Updated
Feb 9, 2020 - Python
Starter code of Prof. Andrew Ng's machine learning MOOC in R statistical language
machine-learning
neural-network
clustering
svm
linear-regression
pca
classification
recommender-system
regularization
gradient-descent
k-means
anomalydetection
principal-component-analysis
learning-curve
-
Updated
Jul 12, 2018 - R
A minimalistic educational hypervisor for Windows on AMD processors.
-
Updated
Sep 3, 2019 - C++
Scene text detection and recognition based on Extremal Region(ER)
classifier
opencv
machine-learning
algorithm
ocr
computer-vision
svm
detection
image-processing
text-recognition
spelling-checker
adaboost
chaincode
cascade-classifier
mser
lbp
canny
non-maximum-suppression
scene-text-recognition
scene-text-detection
-
Updated
May 11, 2020 - C++
Interactive SVM Explorer, using Dash and scikit-learn
-
Updated
May 16, 2019 - Python
SimpleSvmHook is a research purpose hypervisor for Windows on AMD processors.
-
Updated
Sep 3, 2019 - C++
LinearGo (Go wrapper for LIBLINEAR): A Library for Large Linear Classification
-
Updated
Dec 6, 2019 - Go
real-time Vehicle Detection( tiny YOLO ver) and HOG+SVM method
-
Updated
Mar 15, 2017 - Python
machine learning algorithm
hmm
log
svm
crf
linear-regression
dnn
id3
logistic-regression
cart
adaboost
bayes
gmm
rf
knn
softmax-regression
kmeans-clustering
memm
-
Updated
Apr 5, 2020 - C++
Improve this page
Add a description, image, and links to the svm topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the svm topic, visit your repo's landing page and select "manage topics."
Hi I would like to propose a better implementation for 'test_indices':
We can remove the unneeded np.array casting:
Cleaner/New:
test_indices = list(set(range(len(texts))) - set(train_indices))
Old:
test_indices = np.array(list(set(range(len(texts))) - set(train_indices)))