All Projects → nicholastoddsmith → Pythonml

nicholastoddsmith / Pythonml

Licence: mit
Artificial neural network classes and tools in Python and TensorFlow.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Pythonml

Build Ocr
Build an OCR for iOS apps
Stars: ✭ 17 (-85.09%)
Mutual labels:  convolutional-neural-networks, ocr
Image Text Localization Recognition
A general list of resources to image text localization and recognition 场景文本位置感知与识别的论文资源与实现合集 シーンテキストの位置認識と識別のための論文リソースの要約
Stars: ✭ 788 (+591.23%)
Mutual labels:  convolutional-neural-networks, ocr
Cnn lstm ctc ocr
Tensorflow-based CNN+LSTM trained with CTC-loss for OCR
Stars: ✭ 464 (+307.02%)
Mutual labels:  convolutional-neural-networks, ocr
Dmsmsgrcg
A photo OCR project aims to output DMS messages contained in sign structure images.
Stars: ✭ 18 (-84.21%)
Mutual labels:  convolutional-neural-networks, ocr
Rul Net
Deep learning approach for estimation of Remaining Useful Life (RUL) of an engine
Stars: ✭ 112 (-1.75%)
Mutual labels:  convolutional-neural-networks
Exermote
Using Machine Learning to predict the type of exercise from movement data
Stars: ✭ 108 (-5.26%)
Mutual labels:  convolutional-neural-networks
Convolutional Handwriting Gan
ScrabbleGAN: Semi-Supervised Varying Length Handwritten Text Generation (CVPR20)
Stars: ✭ 107 (-6.14%)
Mutual labels:  ocr
Tesseract
This package contains an OCR engine - libtesseract and a command line program - tesseract. Tesseract 4 adds a new neural net (LSTM) based OCR engine which is focused on line recognition, but also still supports the legacy Tesseract OCR engine of Tesseract 3 which works by recognizing character patterns. Compatibility with Tesseract 3 is enabled by using the Legacy OCR Engine mode (--oem 0). It also needs traineddata files which support the legacy engine, for example those from the tessdata repository.
Stars: ✭ 43,199 (+37793.86%)
Mutual labels:  ocr
Text recognition toolbox
text_recognition_toolbox: The reimplementation of a series of classical scene text recognition papers with Pytorch in a uniform way.
Stars: ✭ 114 (+0%)
Mutual labels:  ocr
Deepgaze
Computer Vision library for human-computer interaction. It implements Head Pose and Gaze Direction Estimation Using Convolutional Neural Networks, Skin Detection through Backprojection, Motion Detection and Tracking, Saliency Map.
Stars: ✭ 1,552 (+1261.4%)
Mutual labels:  convolutional-neural-networks
Cs231n Convolutional Neural Networks Solutions
Assignment solutions for the CS231n course taught by Stanford on visual recognition. Spring 2017 solutions are for both deep learning frameworks: TensorFlow and PyTorch.
Stars: ✭ 110 (-3.51%)
Mutual labels:  convolutional-neural-networks
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (-4.39%)
Mutual labels:  convolutional-neural-networks
Shiftresnet Cifar
ResNet with Shift, Depthwise, or Convolutional Operations for CIFAR-100, CIFAR-10 on PyTorch
Stars: ✭ 112 (-1.75%)
Mutual labels:  convolutional-neural-networks
Steady State Flow With Neural Nets
A Tensorflow re-implementation of the paper Convolutional Neural Networks for Steady Flow Approximation
Stars: ✭ 107 (-6.14%)
Mutual labels:  convolutional-neural-networks
Cinc Challenge2017
ECG classification from short single lead segments (Computing in Cardiology Challenge 2017 entry)
Stars: ✭ 112 (-1.75%)
Mutual labels:  convolutional-neural-networks
Links Detector
📖 👆🏻 Links Detector makes printed links clickable via your smartphone camera. No need to type a link in, just scan and click on it.
Stars: ✭ 106 (-7.02%)
Mutual labels:  ocr
Pytorch Estimate Flops
Estimate/count FLOPS for a given neural network using pytorch
Stars: ✭ 110 (-3.51%)
Mutual labels:  convolutional-neural-networks
Deep learning notes
a collection of my notes on deep learning
Stars: ✭ 112 (-1.75%)
Mutual labels:  convolutional-neural-networks
Densepoint
DensePoint: Learning Densely Contextual Representation for Efficient Point Cloud Processing (ICCV 2019)
Stars: ✭ 110 (-3.51%)
Mutual labels:  convolutional-neural-networks
Alexnet Experiments Keras
Code examples for training AlexNet using Keras and Theano
Stars: ✭ 109 (-4.39%)
Mutual labels:  convolutional-neural-networks

pythonml

Repository containing various python machine learning modules. Several of the modules have corresponding blog plosts on my website: https://nicholastsmith.wordpress.com/.

bprop.py

A straightforward impelementation of the backpropagation algorithm for MLP networks. See this blog post for more information.

DeepOCR

An implementation of OCR using TensorFlow. See the related blog post for more details. Sample code (requires a model to be trained):

from skimage.io import imread
#Takes a while to load model
from DeepOCR import ImageToString
A = imread('Foo.png')
S = ImageToString(A)
print(S)

TFANN

A neural network module containing implementations of MLP, and CNN networks in TensorFlow. The classes in the module adhere to the scikit-learn fit, predict, score interface. Install the package using pip.

pip install TFANN

Sample code for building an MLP regression model:

import numpy as np
from TFANN import ANNR

A = np.random.rand(32, 4)
Y = np.random.rand(32, 1)
a = ANNR([4], [('F', 4), ('AF', 'tanh'), ('F', 1)], maxIter = 16, name = 'mlpr1')
a.fit(A, Y)
S = a.score(A, Y)
YH = a.predict(A)

For building an MLP classification model:

import numpy as np
from TFANN import ANNC

A = np.random.rand(32, 4)
Y = np.array((16 * [1]) + (16 * [0]))
a = ANNC([4], [('F', 4), ('AF', 'tanh'), ('F', 2)], maxIter = 16, name = 'mlpc2')
a.fit(A, Y)
S = a.score(A, Y)
YH = a.predict(A)

For building an CNN classification model:

import numpy as np
from TFANN import ANNC

A = np.random.rand(32, 9, 9, 3)
Y = np.array((16 * [1]) + (16 * [0]))
ws = [('C', [3, 3, 3, 4], [1, 1, 1, 1]), ('AF', 'relu'), 
      ('P', [1, 4, 4, 1], [1, 2, 2, 1]), ('F', 16), 
      ('AF', 'relu'), ('F', 2)]
a = ANNC([9, 9, 3], ws, maxIter = 12, name = "cnnc1")
a.fit(A, Y)
S = a.score(A, Y)
YH = a.predict(A)

TheanoANN.py

A neural network module containing implementations of MLP networks in Theano. The classes in the module adhere to the scikit-learn fit, predict, score interface.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].