An open API service indexing awesome lists of open source software.

Deep neural networks

Deep neural networks (DNNs) are a class of artificial neural networks (ANNs) that are deep in the sense that they have many layers of hidden units between the input and output layers. Deep neural networks are a type of deep learning, which is a type of machine learning. Deep neural networks are used in a variety of applications, including speech recognition, computer vision, and natural language processing. Deep neural networks are used in a variety of applications, including speech recognition, computer vision, and natural language processing.

https://github.com/victorowinoke/cnn-image-classification-using-fashion-mnist-dataset

There's been much speculation in recent years about neural networks technologies and other deep learning algorithms, primarily because of the popularity of several implementations in the sector utilizing these techniques. Consequently, this hype has yielded several innovative ideas to build open-source libraries and methods to enable the average income tech-savvies to achieve their objective. This research paper aims to examine and illustrate how to use deep learning technologies and algorithms to precisely classify a dataset of fashion images into their respective clothing categories. First, the paper shows the general knowledge of convolutional neural networks (CNN) and the techniques of image classification. Later on, it also discusses the methodology of building a neural network and the simulation process. The results of the neural network simulation are compressively evaluated and discussed.

cnn-classification cnn-keras code deep-neural-networks fashion-classifier fashion-mnist-dataset image-classification python3 report tensorflow tensorflow-models

Last synced: 02 Apr 2025

https://github.com/kahnvex/slugnet

An experimental deep learning library, dormant since 2017

deep-learning deep-neural-networks neural-networks numpy

Last synced: 03 Dec 2024

https://github.com/haleshot/deep-ml

A platform for deep learning challenges and AI education. Deep-ML is a website dedicated to making deep learning challenges accessible and engaging. It offers a variety of AI-related problems for learners at different skill levels.

algorithms artificial-intelligence deep-learning deep-learning-algorithms deep-neural-networks linear-algebra linear-regression machine-learning machine-learning-algorithms

Last synced: 07 May 2025

https://github.com/unipr-org/deep-neural-network

Deep Neural Network Library: A flexible C++ library for building, training, and using deep neural networks. Modular, easy-to-use, and high-performance.

artificial-intelligence artificial-neural-networks cpp deep-neural-networks machine-learning

Last synced: 07 May 2025

https://github.com/vidhi1290/face-recognition-system-in-python-using-facenet

Dive into the world of computer vision! Our Image Classification from Video project uses advanced techniques to identify faces in images and videos. Explore video processing, face extraction, and deep learning magic. Join the adventure now! 👩‍💻📸"

computer-vision data-visualization deep-learning deep-neural-networks face-detection friends-dataset haar-cascade-classifier image-classification image-recognition opencv pretrained-models python vggface video-processing

Last synced: 10 Apr 2025

https://github.com/polakowo/tinynet

A simple, modular and vectorized neural network with NumPy

deep-learning deep-neural-networks neural-network numpy

Last synced: 07 May 2025

https://github.com/vidhi1290/brain-tumor-detection

Brain Tumor Detection using CNN: Achieving 96% Accuracy with TensorFlow: Highlights the main focus of your project, which is brain tumor detection using a Convolutional Neural Network (CNN) implemented in TensorFlow. It also emphasizes the impressive achievement of reaching 96% accuracy, which showcases the effectiveness of your model.

artificial-intelligence artificial-neural-networks braintumorclassification braintumour convolutional-neural-networks data-science dataanalysis datavisualization deep-learning deep-neural-networks kaggle machine-learning machine-learning-algorithms python tensorflow

Last synced: 10 Apr 2025

https://github.com/yannick-kees/learning-geometric-phase-field-representations

Implementation of two phase field approaches for the surface reconstruction problem. One based of the Modica-Mortola theorem and the other based on Ambrosio-Tortorelli | Master Thesis

deep-learning deep-neural-networks fourier-features modica-mortola perimeter point-cloud rendering-3d-graphics surface-reconstruction

Last synced: 23 Nov 2024

https://github.com/kython28/wekua

Linear Algebra and Deep Learning Zig library with GPGPU and heterogeneous computing

c deep-learning deep-neural-network deep-neural-networks neural-network neural-networks opencl opencl-kernels zig ziglang

Last synced: 30 Apr 2025

https://github.com/sovit-123/video-recognition-using-deep-learning

This project uses deep learning and the PyTorch framework to detect sports action categories in videos in real-time. The neural network is a simple custom neural network built with PyTorch.

action-recognition computer-vision computer-vision-opencv convolutional-neural-networks deep-learning deep-neural-networks deeplearning-video-recognition neural-network pytorch

Last synced: 11 Apr 2025

https://github.com/kyegomez/gated-slot-attention

An implementation of the paper: "Gated Slot Attention for Efficient Linear-Time Sequence Modeling" in PyTorch

ai attentions deep-neural-networks deeplearning machinelearnin ml pytorch tensorflow torch torchvision

Last synced: 10 Apr 2025

https://github.com/prithvi45/conversational-chatbot

Chatbot built by using Deep Neural Networks and TensorFlow

deep-neural-networks python3 tensorflow

Last synced: 12 May 2025

https://github.com/equinor/sti

An investigation into the feasibility of using deep neural networks for local planning problems in well trajectory engineering.

data-science deep-neural-networks ml trajectory trajectory-optimization well wellbore

Last synced: 01 May 2025

https://github.com/mohsenim/text2image-nn-classifier

Text analysis using text-to-image conversion and deep neural models trained for image processing

deep-neural-networks fastai fine-tuning image-classification resnet-18 text-classification text-to-image

Last synced: 31 Mar 2025

https://github.com/rhazra-003/image_classifier

A MATLAB based model which uses transfer learning to train a deep network that can classify images of flowers into one of 12 species.

alexnet deep-learning deep-neural-networks matlab

Last synced: 20 Mar 2025

https://github.com/ammahmoudi/introductiontomachinelearning

Introduction to Machine Learning, for B.Sc. Students, Industrial Engineering Department, Sharif University of Technology

deep-neural-networks ensemble-learning logistic-regression machine-learning ml supervised-learning unsupervised-learning

Last synced: 15 Jan 2025

https://github.com/msparihar/transcriber

Developed an AI tool to automatically generate captions and transcripts for YouTube videos in 67 languages and can generate summarized texts in 133 languages.

audio-processing deep-neural-networks kenlm nlp wav2vec2

Last synced: 16 Mar 2025

https://github.com/atapas/ml-greenroots

ml-greenroots is a Pet project to run ML in the Browser using various libraries and frameworks available. How about a ⭐️?

deep-neural-networks gatsby gatsbyjs machine-learning ml5js netlify react reactjs

Last synced: 12 Apr 2025

https://github.com/rgrupesh/flappy-bird-nn

This Project uses neural-network & genetic algorithm for bird's brain.

deep-neural-networks flappy-bird-game genetic-algorithm machine-learning python

Last synced: 21 Mar 2025

https://github.com/aravinda-1402/link-quality-prediction-for-lte-and-wifi-networks

This is study primarily deals with classifying the future link qualities using deep learning models such as Long Short-Term Memory networks (LSTM) and Bidirectional Long Short-Term Memory networks (BLSTM).

blstm deep-learning deep-neural-networks lstm wireless-sensor-networks

Last synced: 11 Apr 2025

https://github.com/lawmurray/gpu-course

Deep neural network and Adam optimizer in straight C and CUDA. Accompanies the short course Foundations of GPU Computing.

c course deep-learning deep-neural-networks deeplearning gpu gpu-computing machine-learning machinelearning tutorial

Last synced: 21 Mar 2025

https://github.com/shivamgupta92/signlang_action_recognition

This project utilizes action recognition and deep learning with OpenCV, MediaPipe, and Inception_ResNet for real-time sign language detection. This tool empowers users to interpret diverse sign gestures accurately, fostering inclusivity

cnn-keras deep-neural-networks keras nlp python3 resnet-50 tensorflow

Last synced: 11 Jan 2025

https://github.com/yzhuoning/stagewisesgd

Stagewise training accelerates convergence of testing error over sgd

deep-neural-networks generalization-error optimization sgd

Last synced: 23 Feb 2025

https://github.com/ornella-gigante/ia_deep_learning

Solución de problemas reales- en este clasificando enfermedades cardiovasculares e imágenes- a través de un modelo FEED -FORWARD.

ai airflow bootcamp-project classify-images deep-learning deep-neural-networks feedforward-neural-network

Last synced: 16 Mar 2025

https://github.com/muntahashams/character-level-lstm-pytorch

In this notebook, I'll construct a character-level LSTM with PyTorch. The network will train character by character on some text, then generate new text character by character. As an example, I will train on Anna Karenina. This model will be able to generate new text based on the text from the book!

artificial-intelligence character-encoding character-level-lstm deep-neural-networks generate-text lstm machine-learning-algorithms pytorch text-generation

Last synced: 03 Mar 2025

https://github.com/ahammadmejbah/ibm-project-07-identify-stop-signs-with-transfer-learning

As part of the machine learning team for a corporation developing self-driving cars, you are working on a new stop sign detection technology. In order to determine if there is a stop sign when the car is on the road, your team proposes to capture snapshots every second, signaling the car to stop when there's a stop sign detected in the image.

algorithms data-science deep-learning deep-neural-networks project

Last synced: 27 Apr 2025

https://github.com/garethjns/msimodels

Exploring multi-sensory integration and decision making in biologically inspired deep neural networks.

audiodag brain decision-making deep-neural-networks event-detection keras-neural-networks lstm matlab multi-modal multisensory-processing psychophysics

Last synced: 12 May 2025

https://github.com/0xdaksh/employeechurn

A Deep Neural Network that can Classify Employee Churn with ~97% Accuracy

algorithm artificial-neural-networks classifier deep-learning deep-neural-networks keras machine-learning tensorflow

Last synced: 11 Mar 2025

https://github.com/geo-y20/standard-ocr-

Explore the Standard OCR Project: a deep learning-based character recognition system leveraging advanced computer vision techniques. Detect characters in images using ResNet, Xception, Inception, and MobileNet models. Train, evaluate, and contribute to this cutting-edge technology.

css deep-learning deep-neural-networks flask html javascript jupyter-notebook keras ocr-recognition ocr-text-reader python resnet tensorflow xception

Last synced: 25 Feb 2025

https://github.com/ahammadmejbah/tensorflow-developers

Welcome to the TensorFlow 90-Day Guide, your comprehensive roadmap to mastering TensorFlow and Neural Networks in just three months! This guide is meticulously structured to take you from a beginner to an advanced practitioner, equipped with the knowledge and hands-on experience to build, train, and deploy sophisticated machine learning models.

data-science data-visualization deep-learning deep-neural-networks deep-reinforcement-learning tensorflow tensorflow-models tensorflow-tutorials

Last synced: 12 Apr 2025

https://github.com/saransh-cpp/scenenet

Scenery detection using transfer learning. (Frontend)

dart deep-learning deep-neural-networks flutter transfer-learning

Last synced: 27 Mar 2025

https://github.com/duartegalvao/image-colorization-with-deep-learning

This is a project for the DD2424 - Deep Learning in Data Science course in KTH (Royal Institute of Technology).

deep-learning deep-neural-networks gan python python3 tensorflow tensorflow-models turing-test unet

Last synced: 12 Mar 2025

https://github.com/camara94/reseau-neurone-tensorflow-2

TensorFlow est une bibliothèque open source de Machine Learning, créée par Google, permettant de développer et d’exécuter des applications de Machine Learning et de Deep Learning

algorithms-and-data-structures deep-learning deep-neural-networks machine-learning python3 tensorflow2

Last synced: 09 Apr 2025

https://github.com/abhiramdodda/two-stage-plant-diesease-detection

In this repo a two stage plant disease detection is introduced which reduces time required for training and gives greater accuracy.

deep-neural-networks efficientnet image-processing tensorflow

Last synced: 01 Mar 2025

https://github.com/coding-enthusiast9857/automatic_text_generation

Welcome to the repository, where innovation meets language! This repository is a comprehensive collection of tools, models, and resources dedicated to the exciting field of automatic text generation. Whether you're a researcher, developer, or enthusiast, this repository provides a playground for exploring cutting-edge technology.

ai ann cnn deep-learning deep-neural-networks gru keras lstm ml neural-networks nlp numpy python rnn tensorflow tensorflow2 text-processing

Last synced: 03 Mar 2025

https://github.com/gerardocipriano/Cerberus-Dog-Breed-Classification-and-Body-Localization-PyTorch

Cerberus is a PyTorch-based project for classifying dog breeds and localizing specific body parts within images. Our model is capable of recognizing and classifying 3 dog breeds (Toy Poodle, Beagle, Siberian Husky) and localizing 3 specific body parts (eyes, nose, tail) within images.

deep-learning deep-neural-networks python pytorch yolo

Last synced: 14 Apr 2025

https://github.com/luluw8071/asl-alphabet-detection

American Sign Language Alphabet Detection in Real Time using OpenCV-Mediapipe with EfficientNetB0 in PyTorch

american-sign-language deep-neural-networks efficientnetb0 image-classification python pytorch sign-language-recognition streamlit

Last synced: 30 Apr 2025

https://github.com/kaushiksk/unet-segmentation-skin-cancer

Implementation of Unet using tf-unet and Keras for segmentation of Skin Cancer Images

deep-neural-networks segmentation tf-unet unet

Last synced: 14 Apr 2025

https://github.com/chaitanyac22/multi-input-multi-output-mnist-image-digit-and-summed-output-classification

The goal of this project is to build a neural network that takes an MNIST handwritten digit (0-9) image and a random number (digit 0-9) as inputs and returns the predicted class label (0-9) for the input image and its addition (sum) with the input random number as summed output (range 0-18) label as outputs.

cnn-classification data-visualization deep-neural-networks exploratory-data-analysis functional-api image-data-generator image-processing keras mnist-classification model-building model-evaluation multi-inputs multi-outputs python3 tensorflow

Last synced: 27 Mar 2025

https://github.com/ue2020/divinenn

A deep-learning chess engine written in Rust, partially compliant with the UCI protocol. DivineNN uses the Monte Carlo Tree Search (MCTS) algorithm to enhance the neural network policy using the neural network's value output.

ai chess deep-learning deep-neural-networks machine-learning monte-carlo-tree-search search-algorithm

Last synced: 18 Feb 2025

https://github.com/raphaelsenn/detect-ai-written-text

Detect AI generated text, logistic regression neural network, written in raw python (just using numpy, no pytorch).

artificial-neural-networks binary-classification deep-learning deep-neural-networks neural-network python3

Last synced: 13 Apr 2025

https://github.com/ayushverma135/whisper-hindi-asr-model-iit-bombay-internship

The Whisper Hindi ASR (Automatic Speech Recognition) model utilizes the KathBath dataset, a comprehensive collection of speech samples in Hindi. Trained on this dataset, Whisper employs advanced deep learning techniques to accurately transcribe spoken Hindi into text.

dataset deep-learning deep-neural-networks googlecollab machine-learning neural-networks python3 transcribing

Last synced: 12 Apr 2025

https://github.com/philipperemy/neural-probability-dist-sampler

Training a network to sample from any probability distributions such as exponential distribution.

deep-learning deep-neural-networks probability-distribution sampler statistics tensorflow

Last synced: 16 Dec 2024

https://github.com/mohammedyunus009/dnn_acoustic_rec

A acoustic sound or environmental sound recogniser, uses deep neural networks to train on models

deep-learning deep-neural-networks extract-features keras sound sound-processing sound-synthesis soundcloud-api tensorflow

Last synced: 06 Apr 2025

https://github.com/mouralisandra/deeplearninglabs

A collection of Deep Learning labs for the INSAT Data Science course.

cnn deep-learning deep-neural-networks dnn embeddings fcnn glove nlp perceptron

Last synced: 02 Mar 2025

https://github.com/fork123aniket/text-generation

Implementation of Multi-Layer LSTMs for word-level language modelling in Tensorflow

deep-learning deep-neural-networks lstm lstm-model natural-language-processing nlp tensorflow-tutorials tensorflow2

Last synced: 07 Apr 2025

https://github.com/kelixirr/ai-projects

All my projects related to AI - Basic Ml Models To Deep Learning Projects All At One Place

ai artificial-intelligence deep deep-learning deep-neural-networks deeplearning-ai machine-learning machine-learning-projects ml-projects

Last synced: 12 Feb 2025

https://github.com/raphsenn/detect-ai-written-text

Detect AI generated text, logistic regression neural network, written in raw python (just using numpy, no pytorch).

artificial-neural-networks binary-classification deep-learning deep-neural-networks neural-network python3

Last synced: 21 Jan 2025

https://github.com/ranpy13/portrait-blur-bokeh

Attempt to recreate the DSLR like portrait bokeh blur effect on any normal image using deep learning, resnet and unet.

bokeh deep-neural-networks opencv resnet unet-image-segmentation

Last synced: 26 Apr 2025

https://github.com/wepe/dnn-handle-missing-value

Tree based algorithm is effective for handling missing value, how about DNN?

deep-neural-networks missing-values

Last synced: 30 Apr 2025