tensroflow
There are 61 repositories under tensroflow topic.
hahnyuan/nn_tools
Neural Network Tools: Converter and Analyzer. For caffe, pytorch, draknet and so on.
junqiangchen/LUNA16-Lung-Nodule-Analysis-2016-Challenge
LUNA16-Lung-Nodule-Analysis-2016-Challenge
philipperemy/tensorflow-multi-dimensional-lstm
Multi dimensional LSTM as described in Alex Graves' Paper https://arxiv.org/pdf/0705.2011.pdf
junqiangchen/Image-Segmentation-Loss-Functions
some loss functions of image segmentation
junqiangchen/VNet
Prostate MR Image Segmentation 2012
jingxil/Pointer-Networks
An implementation of "Pointer Networks" in Tensorflow
GeoLibra/mnist_test
mnist with Tensorflow
MCarlomagno/FlutterMobilenet
🦾🤖 Mobilenet model implementation for image classification using the tflite library, a Flutter plugin for accessing TensorFlow Lite API.
sayannath/American-Sign-Language-Detection
American Sign Language Detection is a deep learning end to end project where we can detect American Sign Language.
thinkwee/Abstract_Summarization_RNN
RNN Seq2Seq Based Abstract Summarization(ABS) On Tensorflow
Stick-To/ResidualAttentionNetwork-tensorflow
Residual Attention Network in tensorflow
GzuPark/jupyterlab-docker
Docker images for the machine learning environment. This project cover Python and ML packages, GPU support, C++.
mamingjie-China/X2Paddle-flask
X2Paddle网页版服务,用户通过网页即可将Tensorflow、ONNX或Caffe模型转换为PaddlePaddle模型,无需安装多余软件。
AlexKbit/draw-ai
This project is a demo of machine learning models usage which is implemented with the most popular frameworks like Tensorflow and PyTorch.
barzansaeedpour/transfer-learning-for-multi-class-classification-CIFAR-10
Performing multi-class classification on the CIFAR-10 dataset using transfer learning
Praveenk8051/deep-learning-based-pitch-detection
Deep learning based pitch detection
nilboy/video-dialog-framework
video question answer and dialog framework
NitishMutha/paintings-emotion-classifier
Affective Computing and Human Robot Interaction project to identify emotions in paintings using transfer learning
aniketmaurya/ai-ml-resources
Machine Learning & Deep Learning Resource links- Paper, blog, code, videos
dariodellamura/Classification-of-musical-genres-and-music-retrieval
During the project for the DIGITAL SIGNAL IMAGE MANAGEMENT course I learned how to manage and process audio and image files. The aim of the project was the classification, through machine learning and deep learning models, of musical genres by extracting specific audio features from the "gtzan dataset" dataset files with which to train the models (SVM, Linear Regression, Decision tree , Random Forest, Neural Network). Mel spectograms were also extracted to train convolutional neural network models. In addition, the extracted audio features have been used to develop a model of music retrieval which given an audio track in input produces as output 5 audio tracks recommended meiante the use of cousine similarity.
Emekaborisama/Rihanna_lyrics_generation_with_textgen
ML model that generates Rihanna kind of lyrics
jayshah19949596/Neural-Network-Demo
This repository contains basic neural network design concepts like hebbian learning, perceptron rule, filtered learning
namanmanchanda09/Breast-Cancer-Classification-and-Housing-Price-Regression
Tensorflow 2.0 and Keras Regression and Classification including TensorBoard.
sunpro/HandWritingRecognition-Tensorflow
Hand-writing rocognization is implemented by tensorflow and the details was discussed
vipulroxx/Cancer-Classification-Using-R-Tensorflow
Predict whether cancer present is through benign tumor or malignant through the use of neural networks in Rstudio.
adithya-s-k/AIWA-Web
AIWA Web is a web based platform which helps you track and monitor your workouts at the comfort of your house.
AkhilRautela/LINEAR-REGRESSION-DEEP-LEARNING
Linear Regression Model build using TensorFlow and gradient descent optimizer.
code-cse/command-installation
Command for different package installation in GPU/CPU
nsouff/digits_guesser
A neural networks that recognise handwritten digits
r3dg0d/detoxify-discord-py
A Discord bot that recognizes toxic content with tensorflow.js and removes it, as well as intrigues users with articles from reddit.
shubham1710/Train-It
A website where you can train my model for up to 5 different classes and get live predictions using their webcam.
simoninithomas/DLFN_Generate_The_Simpsons_Scripts
An RNN that generates new scripts for the Simpsons' tv show
sudheerachary/utility_scoring_of_reviews
Utility score is the score given to a review based on its usefulness from 0 to 1.
textcunma/object_detection_android_app
Androidアプリ× 物体検出AI
yungshenglu/tensroflow-mnist
This repository is going to use TensorFlow to train the MNIST network.