Pytrain

Machine Learning library for python
Alternatives To Pytrain
Project NameStarsDownloadsRepos Using ThisPackages Using ThisMost Recent CommitTotal ReleasesLatest ReleaseOpen IssuesLicenseLanguage
Tensorflow175,2803277717 hours ago46October 23, 20192,141apache-2.0C++
An Open Source Machine Learning Framework for Everyone
Pytorch67,53814617 hours ago23August 10, 202212,187otherPython
Tensors and Dynamic neural networks in Python with strong GPU acceleration
Keras58,52133019 hours ago68May 13, 2022390apache-2.0Python
Deep Learning for humans
Faceswap44,904
21 days ago24gpl-3.0Python
Deepfakes Software For All
Deepfacelab39,560
14 days ago531gpl-3.0Python
DeepFaceLab is the leading software for creating deepfakes.
Spacy26,2811,53384217 hours ago196April 05, 2022111mitPython
💫 Industrial-strength Natural Language Processing (NLP) in Python
Data Science Ipython Notebooks25,025
a month ago33otherPython
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
Handson Ml25,003
2 months ago136apache-2.0Jupyter Notebook
⛔️ DEPRECATED – See https://github.com/ageron/handson-ml3 instead.
Ai Expert Roadmap24,033
3 months ago13mitJavaScript
Roadmap to becoming an Artificial Intelligence Expert in 2022
Netron23,0944632 days ago489July 04, 202228mitJavaScript
Visualizer for neural network, deep learning, and machine learning models
Alternatives To Pytrain
Select To Compare


Alternative Project Comparisons
Readme

pytrain

Machine Learning library for python

This library implemented only with python and numpy

alt text

Algorithms

  • Decision Tree(ID3)
  • Gaussian NaiveBayes
  • NaiveBayes
  • KNN
  • Neural Network(FNN)
  • Logistic Regression
  • Linear Regression
  • DBSCAN
  • Apriori
  • Kmeans
  • HierarchicalClustering
  • SVM
  • SVC (SVM classifier)
  • HMM
  • CRF

Requirements

  • Numpy
  • Python 2 or 3

Installation

$ sudo pip install --upgrade pytrain

Basic Usage

import numpy as np
from pytrain.NeuralNetwork import FNN

# Simple dataset
train_mat = [[0.12,0.25],[3.24,4.33],[0.14,0.45],[7.30,4.23]]
train_label = [[0,1],[1,0],[0,1],[1,0]]

test_a = [0.10,0.33]
test_b = [4.0,4.5]

# Train model (FNN)
hidden_layer = [3,2]
fnn = FNN(train_mat, train_label, hidden_layer)
fnn.fit(lr = 0.01, epoch = 2000, err_th = 0.001, batch_size = 4)

# Test model (FNN)
res_a = np.rint(fnn.predict(test_a))
res_b = np.rint(fnn.predict(test_b))

print("X %s => Y %s" % (test_a, res_a))
print("X %s => Y %s" % (test_b, res_b))

———————— output ————————

X [0.1, 0.33] => Y [ 0.  1.]
X [4.0, 4.5] => Y [ 1.  0.]

See more examples here

How to contribute

Fork this repository, and write your algorithm, pull request.
Don't forgot proper test code in test_pytrain.
Test code should be work successfully in below command.

$ python test.py

Reference

  • Machine Learning in Action by Peter Harrington (2013)
  • Pattern Recognition by Ohilseok (2008)
  • Machine Learning to Deep Learning by Deepcumen (2015)
  • Pattern Recognition and Machine Learning by Christopher M. Bishop (2006)
  • Sequential Minimal Optimization for SVM by John C.Platt (1998)
Popular Machine Learning Projects
Popular Neural Network Projects
Popular Machine Learning Categories
Related Searches

Get A Weekly Email With Trending Projects For These Categories
No Spam. Unsubscribe easily at any time.
Python
Machine Learning
Neural Network
Numpy
Svm
Linear Regression
Logistic Regression
Decision Trees
Kmeans
Crf