dl4j
There are 71 repositories under dl4j topic.
deeplearning4j/deeplearning4j
Suite of tools for deploying and training deep learning models using the JVM. Highlights include model import for keras, tensorflow, and onnx/pytorch, a modular and tiny c++ library for running math code and a java based math library on top of the core c++ library. Also includes samediff: a pytorch/tensorflow like library for running deep learn...
deeplearning4j/deeplearning4j-examples
Deeplearning4j Examples (DL4J, DL4J Spark, DataVec)
kaiwaehner/kafka-streams-machine-learning-examples
This project contains examples which demonstrate how to deploy analytic models to mission-critical, scalable production environments leveraging Apache Kafka and its Streams API. Models are built with Python, H2O, TensorFlow, Keras, DeepLearning4 and other technologies.
sjsdfg/dl4j-tutorials
dl4j 基础教程 配套视频:https://space.bilibili.com/327018681/#/
HongZhaoHua/jstarcraft-ai
目标是提供一个完整的Java机器学习(Machine Learning/ML)框架,作为人工智能在学术界与工业界的桥梁. 让相关领域的研发人员能够在各种软硬件环境/数据结构/算法/模型之间无缝切换. 涵盖了从数据处理到模型的训练与评估各个环节,支持硬件加速和并行计算,是最快最全的Java机器学习库.
rahul-raj/Java-Deep-Learning-Cookbook
Code for Java Deep Learning Cookbook
maxpumperla/ScalphaGoZero
An independent implementation of DeepMind's AlphaGoZero in Scala, using Deeplearning4J (DL4J)
mccorby/PhotoLabeller
Federated Learning: Client application doing classification of images and local training. Works better with the Parameter Server at https://github.com/mccorby/PhotoLabellerServer
mccorby/FederatedAndroidTrainer
See new version https://github.com/mccorby/PhotoLabeller
rahul-raj/Deeplearning4J
All DeepLearning4j projects go here.
mccorby/PhotoLabellerServer
Federated Learning: Parameter Server doing aggregation of updates to a model coming from clients participating in a Federated Learning setup. See also the Android application companion at https://github.com/mccorby/PhotoLabeller
kok202/Dluid
Deep learning user interface designer
BotanAtomic/FaceID
face recognition with deep learning
DarrMirr/dl4j-mtcnn-facenet
Face recognition using mtcnn build on dl4j
partarstu/transformers-in-java
Experimental project for AI and NLP based on Transformer Architecture
utkarshmalik211/Reconstructing-Blurred-Human-Faces
In photographic media, faces are often obfuscated to protect the identity of those pictured. This obfuscation process is done by removing details from the photograph in order to reduce the identifying facial features. However, these obfuscated images may still contain enough details such that the original features may be able to be recovered. In this project we will examine different neural networks to reconstruct obfuscated images of human faces.
lzhbrian/RBM-DBN-theano-DL4J
Train a DBN to classify a set of test data similar to MNIST, Using DL4J & theano (Project of Pattern Recognition course)
tspannhw/nifi-dl4j-processor
Apache NiFi - DeepLearning4J Example Processor for VGG16 based https://github.com/SkymindIO/Demos-for-sales-marketting
pintowar/sudoscan
Scans and solves Sudoku Puzzles from images using AI
valohai/mlpmnist-dl4j-example
A git repository containing an MLP MNist example using DL4J in Java
liashchynskyi/neuronix
Program module for parallel training of convolutional neural networks using DL4J & CUDA 🦄
ErykDev/FaceMaskDetection-Yolo-Dl4j
Face mask detection TinyYolo2 Dl4j
ErykDev/InPainting4J
Dl4J Implementation of Inpainting
lirfu/EvolvingActivationFunctions
Framework for neuroevolution of output functions
ErykDev/StockPricePredictionDL4J
Lstm based stock price prediction
valohai/dl4j-nlp-cuda-example
A git repository containing an NLP example using DL4J (cuda) in Java
applied-science/dl4j-word2vec-in-clj
DL4J's Word2Vec walkthrough, in Clojure
BLM3826/Information-Retrieval-Systems
CISI Database Retrieval System with java, lucine and dl4j
hexcodech/char
Digit recognition with dl4j
neomatrix369/dl4j-nlp-cuda-example
A git repository containing an NLP example using DL4J (cuda) in Java
williamardianto/mtcnn-dl4j
MTCNN face detection implementation using DL4J
musaabshirgar1/kotlin-neural-network
Demonstration of Neural Network in Kotlin Lang.
neomatrix369/mlpmnist-dl4j-example
A git repository containing an MLP MNist example using DL4J in Java
second-constantine/dl4j-quickstart
emnist example (0-9 and a-z and A-Z - 28x28) [kotlin + gradle support]
USCDataScience/tika-dl-models
A place to release saved machine learning models for tika-dl