-
Updated
Jul 14, 2020 - Python
#
svd
Here are 283 public repositories matching this topic...
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
python
scikit-learn
pandas
pca
mca
mfa
svd
factor-analysis
principal-component-analysis
ca
correspondence-analysis
multiple-factor-analysis
multiple-correspondence-analysis
famd
-
Updated
Apr 14, 2020 - Python
pseudotensor
commented
Oct 8, 2017
The basic idea is to have a metrics package, we can start with ROC/AUC (first on GPU, then if necessary on CPU). It should mimic the SKLearn API and results:
http://scikit-learn.org/stable/modules/generated/sklearn.metrics.roc_auc_score.html
Requirements:
- GPU implementation. It can use Thrust and other libraries as first step.
- Bindings for other languages (currently CTypes but soo
Selected Machine Learning algorithms for natural language processing and semantic analysis in Golang
nlp
go
golang
machine-learning
natural-language-processing
lsh
simhash
locality-sensitive-hashing
tf-idf
lsa
lda
random-projections
svd
lsi
latent-dirichlet-allocation
latent-semantic-analysis
singular-value-decomposition
feature-hash
latent-semantic-indexing
random-indexing
-
Updated
Apr 17, 2020 - Go
Open
Linear-FLow vignette
Open
WRMF vignette
pyRecLab is a library for quickly testing and prototyping of traditional recommender system methods, such as User KNN, Item KNN and FunkSVD Collaborative Filtering. It is developed and maintained by Gabriel Sepúlveda and Vicente Domínguez, advised by Prof. Denis Parra, all of them in Computer Science Department at PUC Chile, IA Lab and SocVis Lab.
rating
svd
knn
implicit-feedback
rating-prediction
recommendation-algorithm
alternating-least-squares
-
Updated
May 9, 2020 - C++
Fast truncated singular value decompositions
-
Updated
Dec 31, 2019 - R
tf-recsys contains collaborative filtering (CF) model based on famous SVD and SVD++ algorithm. Both of them are implemented by tensorflow in order to utilize GPU acceleration.
-
Updated
Dec 19, 2019 - Python
Randomized Dimension Reduction Library
python
pca
svd
principal-component-analysis
dimension-reduction
lu-decomposition
singular-value-decomposition
randomized-algorithm
nonnegative-matrix-factorization
matrix-approximation
dynamic-mode-decomposition
-
Updated
Apr 15, 2019 - Python
Python code implementing the power method for Singular Value Decomposition
-
Updated
Jun 9, 2020 - Python
A recommendation system using tensorflow
-
Updated
Apr 29, 2018 - Jupyter Notebook
Python 3.6 下的推荐算法解析,尽量使用简单的语言剖析原理,相似度度量、协同过滤、矩阵分解等
-
Updated
Jun 9, 2018 - Python
A repository for recording the machine learning code
nlp
machine-learning
deep-learning
neural-network
clustering
tensorflow
scikit-learn
sklearn
cv
keras
artificial-intelligence
mnist
pca
logistic-regression
bayesian
apriori
k-means
svd
knn
decision-tree
-
Updated
Jul 15, 2018 - Python
Randomized Matrix Decompositions using R
cran
pca
svd
principal-component-analysis
dimension-reduction
singular-value-decomposition
randomized-algorithm
matrix-approximation
probabilistic-algorithms
-
Updated
Jul 28, 2019 - R
R Interface to the Spectra Library for Large Scale Eigenvalue and SVD Problems
-
Updated
Nov 29, 2019 - C++
a repository for my curriculum project
nlp
golang
distributed-systems
machine-learning
reinforcement-learning
tensorflow
raft
pca
mapreduce
lda
svd
ner
isomap
invertedindex
bilstm-crf
computational-theory
chart-parser
triangle-count
-
Updated
May 8, 2020 - Python
A SciPy implementation of "GraRep: Learning Graph Representations with Global Structural Information" (WWW 2015).
deep-learning
word2vec
deepwalk
matrix-factorization
gensim
svd
embedding
network-embedding
nmf
singular-value-decomposition
node2vec
graph-embedding
graph2vec
node-embedding
tadw
aane
asne
walklets
grarep
role2vec
-
Updated
May 31, 2020 - Python
NTUEE Machine Learning, 2017 Spring
machine-learning
linear-regression
kaggle-competition
recommendation-system
dimensionality-reduction
gradient-boosting-machine
logistic-regression
ntu
svd
multi-label-classification
sentiment-classification
svdplusplus
-
Updated
Sep 15, 2017 - Python
This is the official implementation of "Arbitrary-Order Proximity Preserved Network Embedding"(KDD 2018).
svd
network-embedding
network-representation-learning
high-order-proximity
arbitrary-order-proximity
-
Updated
Apr 2, 2019 - Python
Imputation method for scRNA-seq based on low-rank approximation
-
Updated
Aug 10, 2019 - R
使用SVD、K-Means、降低权值精度的方法压缩Cifar-10神经网络的全连接层
deep-neural-networks
compression
caffe
neural-network
dnn
svd
cifar-10
compressing-deep-neural-networks
-
Updated
Jul 26, 2017 - Python
Converter of register descriptions from the TI DSLite format to CMSIS SVD format
-
Updated
Nov 10, 2019 - Rust
Natural Language Processing for Lithuanian language
music
nlp
search-engine
natural-language-processing
text-classification
clustering
sports
lda
svd
topic-extraction
latent-semantic-analysis
-
Updated
Aug 17, 2017 - Python
Improve this page
Add a description, image, and links to the svd topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the svd topic, visit your repo's landing page and select "manage topics."


For now only strings are accepted as the
measuresparameter inGridSearchCV,RandomizedSearchCV, andcross_validate. It's thus impossible to use those with measures that take specific parameters as input (e.g. #156 ), or to use custom measures.We should then accept callables in addition to strings.
Each callable should only take the
predictionsparameter. In order to handle measur