All Projects → VisualML → Similar Projects or Alternatives

553 Open source projects that are alternatives of or similar to VisualML

Machine-Learning-Models
In This repository I made some simple to complex methods in machine learning. Here I try to build template style code.
Stars: ✭ 30 (-71.15%)
Mutual labels:  svm, pca, logistic-regression
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+3105.77%)
Mutual labels:  svm, pca, logistic-regression
ml
经典机器学习算法的极简实现
Stars: ✭ 130 (+25%)
Mutual labels:  svm, pca, logistic-regression
Handwritten-Digits-Classification-Using-KNN-Multiclass Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Stars: ✭ 42 (-59.62%)
Mutual labels:  svm, logistic-regression
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+3079.81%)
Mutual labels:  style-transfer, autoencoder
models-by-example
By-hand code for models and algorithms. An update to the 'Miscellaneous-R-Code' repo.
Stars: ✭ 43 (-58.65%)
Mutual labels:  pca, logistic-regression
Mylearn
machine learning algorithm
Stars: ✭ 125 (+20.19%)
Mutual labels:  svm, logistic-regression
Isl Python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
Stars: ✭ 108 (+3.85%)
Mutual labels:  pca, logistic-regression
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+4176.92%)
Mutual labels:  autoencoder, logistic-regression
mnist-challenge
My solution to TUM's Machine Learning MNIST challenge 2016-2017 [winner]
Stars: ✭ 68 (-34.62%)
Mutual labels:  pca, logistic-regression
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-71.15%)
Mutual labels:  svm, style-transfer
text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (-22.12%)
Mutual labels:  svm, logistic-regression
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-68.27%)
Mutual labels:  svm, logistic-regression
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (+4.81%)
Mutual labels:  svm, logistic-regression
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-78.85%)
Mutual labels:  svm, logistic-regression
100 Days Of Ml Code
100 Days of ML Coding
Stars: ✭ 33,641 (+32247.12%)
Mutual labels:  svm, logistic-regression
Liblinear Java
Java version of LIBLINEAR
Stars: ✭ 298 (+186.54%)
Mutual labels:  svm, logistic-regression
Fuku Ml
Simple machine learning library / 簡單易用的機器學習套件
Stars: ✭ 280 (+169.23%)
Mutual labels:  svm, logistic-regression
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (+0.96%)
Mutual labels:  svm, logistic-regression
Amazon-Fine-Food-Review
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
Stars: ✭ 28 (-73.08%)
Mutual labels:  svm, logistic-regression
NIDS-Intrusion-Detection
Simple Implementation of Network Intrusion Detection System. KddCup'99 Data set is used for this project. kdd_cup_10_percent is used for training test. correct set is used for test. PCA is used for dimension reduction. SVM and KNN supervised algorithms are the classification algorithms of project. Accuracy : %83.5 For SVM , %80 For KNN
Stars: ✭ 45 (-56.73%)
Mutual labels:  svm, pca
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-82.69%)
Mutual labels:  svm, logistic-regression
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+30973.08%)
Mutual labels:  svm, pca
Svm Classification Localization
HoG, PCA, PSO, Hard Negative Mining, Sliding Window, Edge Boxes, NMS
Stars: ✭ 130 (+25%)
Mutual labels:  svm, pca
info-retrieval
Information Retrieval in High Dimensional Data (class deliverables)
Stars: ✭ 33 (-68.27%)
Mutual labels:  svm, logistic-regression
Ml Course
Starter code of Prof. Andrew Ng's machine learning MOOC in R statistical language
Stars: ✭ 154 (+48.08%)
Mutual labels:  svm, pca
GDLibrary
Matlab library for gradient descent algorithms: Version 1.0.1
Stars: ✭ 50 (-51.92%)
Mutual labels:  svm, logistic-regression
Ml code
A repository for recording the machine learning code
Stars: ✭ 75 (-27.88%)
Mutual labels:  pca, logistic-regression
Patternrecognition matlab
Feature reduction projections and classifier models are learned by training dataset and applied to classify testing dataset. A few approaches of feature reduction have been compared in this paper: principle component analysis (PCA), linear discriminant analysis (LDA) and their kernel methods (KPCA,KLDA). Correspondingly, a few approaches of classification algorithm are implemented: Support Vector Machine (SVM), Gaussian Quadratic Maximum Likelihood and K-nearest neighbors (KNN) and Gaussian Mixture Model(GMM).
Stars: ✭ 33 (-68.27%)
Mutual labels:  svm, pca
Quick-Data-Science-Experiments-2017
Quick-Data-Science-Experiments
Stars: ✭ 19 (-81.73%)
Mutual labels:  pca, logistic-regression
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+174.04%)
Mutual labels:  svm, autoencoder
catseye
Neural network library written in C and Javascript
Stars: ✭ 29 (-72.12%)
Mutual labels:  autoencoder
imagenet-autoencoder
Autoencoder trained on ImageNet Using Torch 7
Stars: ✭ 18 (-82.69%)
Mutual labels:  autoencoder
dominance-analysis
This package can be used for dominance analysis or Shapley Value Regression for finding relative importance of predictors on given dataset. This library can be used for key driver analysis or marginal resource allocation models.
Stars: ✭ 111 (+6.73%)
Mutual labels:  logistic-regression
Image deionising auto encoder
Noise removal from images using Convolutional autoencoder
Stars: ✭ 34 (-67.31%)
Mutual labels:  autoencoder
a-neural-algorithm-of-artistic-style
Keras implementation of "A Neural Algorithm of Artistic Style"
Stars: ✭ 110 (+5.77%)
Mutual labels:  style-transfer
enjoytheshow
Real-time facial expression gathering
Stars: ✭ 32 (-69.23%)
Mutual labels:  tensorflow-js
dzetsaka
dzetsaka : classification plugin for Qgis
Stars: ✭ 61 (-41.35%)
Mutual labels:  svm
SpatPCA
R Package: Regularized Principal Component Analysis for Spatial Data
Stars: ✭ 16 (-84.62%)
Mutual labels:  pca
2D-and-3D-Deep-Autoencoder
Convolutional AutoEncoder application on MRI images
Stars: ✭ 57 (-45.19%)
Mutual labels:  autoencoder
data-science-learning
📊 All of courses, assignments, exercises, mini-projects and books that I've done so far in the process of learning by myself Machine Learning and Data Science.
Stars: ✭ 32 (-69.23%)
Mutual labels:  pca
ICC-2019-WC-prediction
Predicting the winner of 2019 cricket world cup using random forest algorithm
Stars: ✭ 41 (-60.58%)
Mutual labels:  logistic-regression
regression-stock-prediction
Predicting Google’s stock price using regression
Stars: ✭ 54 (-48.08%)
Mutual labels:  svm
PerfSpect
system performance characterization tool based on linux perf
Stars: ✭ 45 (-56.73%)
Mutual labels:  pca
Reducing-the-Dimensionality-of-Data-with-Neural-Networks
Implementation of G. E. Hinton and R. R. Salakhutdinov's Reducing the Dimensionality of Data with Neural Networks (Tensorflow)
Stars: ✭ 34 (-67.31%)
Mutual labels:  autoencoder
Keras-Style-Transfer
An implementation of "A Neural Algorithm of Artistic Style" in Keras
Stars: ✭ 36 (-65.38%)
Mutual labels:  style-transfer
deep-tic-tac-toe
Used deep reinforcement learning to train a deep neural network to play tic-tac-toe and deployed using tensorflow.js.
Stars: ✭ 52 (-50%)
Mutual labels:  tensorflow-js
python-data-visualization
Curated Python Notebooks for Data Visualization
Stars: ✭ 22 (-78.85%)
Mutual labels:  visualizations
AnnA Anki neuronal Appendix
Using machine learning on your anki collection to enhance the scheduling via semantic clustering and semantic similarity
Stars: ✭ 39 (-62.5%)
Mutual labels:  pca
click-through-rate-prediction
📈 Click-Through Rate Prediction using Logistic Regression and Tree Algorithms
Stars: ✭ 60 (-42.31%)
Mutual labels:  logistic-regression
maui
Multi-omics Autoencoder Integration: Deep learning-based heterogenous data analysis toolkit
Stars: ✭ 42 (-59.62%)
Mutual labels:  autoencoder
SESF-Fuse
SESF-Fuse: An Unsupervised Deep Model for Multi-Focus Image Fusion
Stars: ✭ 47 (-54.81%)
Mutual labels:  autoencoder
Video-Compression-Net
A new approach to video compression by refining the shortcomings of conventional approach and substituting each traditional component with their neural network counterpart. Our proposed work consists of motion estimation, compression and compensation and residue compression, learned end-to-end to minimize the rate-distortion trade off. The whole…
Stars: ✭ 20 (-80.77%)
Mutual labels:  autoencoder
marsjs
Label images from Unsplash in browser - using MobileNet on Tensorflow.Js
Stars: ✭ 53 (-49.04%)
Mutual labels:  tensorflow-js
sentiment-analysis-using-python
Large Data Analysis Course Project
Stars: ✭ 23 (-77.88%)
Mutual labels:  svm
turbofan failure
Aircraft engine failure prediction model
Stars: ✭ 23 (-77.88%)
Mutual labels:  svm
linguistic-style-transfer-pytorch
Implementation of "Disentangled Representation Learning for Non-Parallel Text Style Transfer(ACL 2019)" in Pytorch
Stars: ✭ 55 (-47.12%)
Mutual labels:  style-transfer
STYLER
Official repository of STYLER: Style Factor Modeling with Rapidity and Robustness via Speech Decomposition for Expressive and Controllable Neural Text to Speech, INTERSPEECH 2021
Stars: ✭ 105 (+0.96%)
Mutual labels:  style-transfer
brglm2
Estimation and inference from generalized linear models using explicit and implicit methods for bias reduction
Stars: ✭ 18 (-82.69%)
Mutual labels:  logistic-regression
mae-scalable-vision-learners
A TensorFlow 2.x implementation of Masked Autoencoders Are Scalable Vision Learners
Stars: ✭ 54 (-48.08%)
Mutual labels:  autoencoder
1-60 of 553 similar projects