All Projects → yusugomori → Tftf

yusugomori / Tftf

Licence: apache-2.0
TensorFlow TransFormer🍔

Programming Languages

python
139335 projects - #7 most used programming language
python3
1442 projects

Projects that are alternatives of or similar to Tftf

Bmw Tensorflow Training Gui
This repository allows you to get started with a gui based training a State-of-the-art Deep Learning model with little to no configuration needed! NoCode training with TensorFlow has never been so easy.
Stars: ✭ 736 (+2064.71%)
Mutual labels:  deeplearning
Concise Ipython Notebooks For Deep Learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Stars: ✭ 23 (-32.35%)
Mutual labels:  deeplearning
Servenet
Service Classification based on Service Description
Stars: ✭ 21 (-38.24%)
Mutual labels:  deeplearning
2d And 3d Face Alignment
This repository implements a demo of the networks described in "How far are we from solving the 2D & 3D Face Alignment problem? (and a dataset of 230,000 3D facial landmarks)" paper.
Stars: ✭ 772 (+2170.59%)
Mutual labels:  deeplearning
Contrastive Unpaired Translation
Contrastive unpaired image-to-image translation, faster and lighter training than cyclegan (ECCV 2020, in PyTorch)
Stars: ✭ 822 (+2317.65%)
Mutual labels:  deeplearning
Autodl
Automated Deep Learning without ANY human intervention. 1'st Solution for AutoDL [email protected]
Stars: ✭ 854 (+2411.76%)
Mutual labels:  deeplearning
Ai Series
📚 [.md & .ipynb] Series of Artificial Intelligence & Deep Learning, including Mathematics Fundamentals, Python Practices, NLP Application, etc. 💫 人工智能与深度学习实战,数理统计篇 | 机器学习篇 | 深度学习篇 | 自然语言处理篇 | 工具实践 Scikit & Tensoflow & PyTorch 篇 | 行业应用 & 课程笔记
Stars: ✭ 702 (+1964.71%)
Mutual labels:  deeplearning
Advanced Gradient Obfuscating
Take further steps in the arms race of adversarial examples with only preprocessing.
Stars: ✭ 28 (-17.65%)
Mutual labels:  deeplearning
Basic reinforcement learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Stars: ✭ 826 (+2329.41%)
Mutual labels:  deeplearning
Cortex Cat Or Dog
A web application showcasing image recognition using deep learning with Cortex. See it in action at https://deeplearning.magnet.coop/
Stars: ✭ 12 (-64.71%)
Mutual labels:  deeplearning
Awesome Fashion Ai
A repository to curate and summarise research papers related to fashion and e-commerce
Stars: ✭ 788 (+2217.65%)
Mutual labels:  deeplearning
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (+2267.65%)
Mutual labels:  deeplearning
Spago
Self-contained Machine Learning and Natural Language Processing library in Go
Stars: ✭ 854 (+2411.76%)
Mutual labels:  deeplearning
Tutorial
Deeplearning Algorithms Tutorial
Stars: ✭ 742 (+2082.35%)
Mutual labels:  deeplearning
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+94947.06%)
Mutual labels:  deeplearning
Midas
Code for robust monocular depth estimation described in "Ranftl et. al., Towards Robust Monocular Depth Estimation: Mixing Datasets for Zero-shot Cross-dataset Transfer, TPAMI 2020"
Stars: ✭ 709 (+1985.29%)
Mutual labels:  deeplearning
Deepmri
The code for paper 'DeepcomplexMRI: Exploiting deep residual network for fast parallel MR imaging with complex convolution'
Stars: ✭ 25 (-26.47%)
Mutual labels:  deeplearning
Dcgan Pytorch
PyTorch Implementation of DCGAN trained on the CelebA dataset.
Stars: ✭ 32 (-5.88%)
Mutual labels:  deeplearning
Icml17 relu
Stars: ✭ 27 (-20.59%)
Mutual labels:  deeplearning
Neuropod
A uniform interface to run deep learning models from multiple frameworks
Stars: ✭ 858 (+2423.53%)
Mutual labels:  deeplearning

TFTF: TensorFlow TransFormer🍔

TensorFlow for everybody.

Quick glance

from tftf.layers import Layer, Dense, Activation
from tftf.models import Model

'''
Build model
'''
model = Model()
model.add(Dense(500, input_dim=784))
model.add(Activation('sigmoid'))
model.add(Dense(10))
model.add(Activation('softmax'))
model.compile()

model.describe()

'''
Train model
'''
model.fit(train_X, train_y)

'''
Test model
'''
print(model.accuracy(test_X, test_y))

See examples for other implementations.

Installation

  • Install TFTF from PyPI (recommended):
pip install tensorflow
pip install tftf
  • Alternatively: install TFTF from the GitHub source:

First, clone TFTF using git:

git clone https://github.com/yusugomori/tftf.git

Then, cd to the TFTF folder and run the install command:

cd tftf
sudo python setup.py install

Importable Layers, APIs

You can import low-level tftf APIs to your own TensorFlow implementations.

from tftf.layers import Dense, Activation, NALU
from tftf import initializers as ini
from tftf import activations as act
from tftf import losses as loss
from tftf import optimizers as opt
from tftf.metrics import accuracy, f1

x = tf.placeholder(tf.float32, shape=[None, 784])
t = tf.placeholder(tf.float32, shape=[None, 10])

# import APIs
W = ini.glorot_normal([784, 200])  # or just write tf.Variable(...)
b = ini.zeros([200])
h = act.tanh(tf.matmul(x, W) + b)  # or just write tf.nn.tanh(...)

# import Layers
h = Dense(200)(h)
h = Activation('tanh')(h)
h = NALU(200)(h)

W = ini.glorot_normal([200, 10])
b = ini.zeros([10])
y = act.softmax(tf.matmul(h, W) + b)

cost = loss.categorical_crossentropy(y, t)
train_step = opt.sgd(0.01).minimize(cost)

# Train
#     ...

preds = y.eval(session=sess, feed_dict={x: test_X})
acc = accuracy(preds, test_y)
f = f1(preds, test_y)
print('accuracy: {:.3}'.format(acc))
print('f1: {:.3}'.format(f))
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].