Ecosyste.ms: Awesome

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

Awesome Lists | Featured Topics | Projects

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/justanhduc/neuralnet

A high level framework for general purpose neural networks in Theano.

convolutional-neural-networks deep-learning deep-neural-networks neural-network python2 theano

Last synced: 22 Dec 2024

https://github.com/tanyachutani/neural-network-numpy

Neural Network (Multiple layers) from scratch using Numpy.

deep-neural-networks mnist neural-network neural-network-from-scratch numpy

Last synced: 10 Jan 2025

https://github.com/andythefactory/fakenewsdataset

a consolidated and cleaned up fake news dataset classified in the following categories: reliable, unreliable, political, bias, fake, conspiracy, rumor clickbait, junk science, satire, hate

datasets deep-learning deep-neural-networks disinformation fake-news fake-news-analysis fake-news-articles fake-news-challenge fake-news-classification fake-news-dataset fake-news-detection misinformation

Last synced: 27 Dec 2024

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: 08 Jan 2025

https://github.com/mishig25/adversarial-reprogramming-keras

Keras implementation of Adversarial Reprogramming of Neural Networks

deep-learning deep-neural-networks

Last synced: 14 Dec 2024

https://github.com/vidhi1290/image-inpainting

🎨 Restore images flawlessly with our Image Inpainting Showcase! Using Convolutional Neural Networks, we revive corrupted parts. Explore code, models, and innovation for visual perfection. Join the AI journey of artistry and magic! 🖼️🔮 #ImageInpainting

artificial-intelligence artificial-neural-networks cifar10 computer-vision datascience datavisualization deep-learning deep-neural-networks humanfacedetection image-inpainting kaggle lfw-dataset machine-learning machine-learning-algorithms mnist-handwriting-recognition neural-networks python

Last synced: 02 Feb 2025

https://github.com/harshal306/chest_xray_disease_detection

Helps in predicting the Pneumonia by the convolutional neural network over the images of chest x rays.

cnn-classification deep-neural-networks python tensorflow-models

Last synced: 12 Jan 2025

https://github.com/spy16/cats-and-dogs

cats-and-dogs is a Convolutional Neural Network for classifying cats and dog pictures.

classification convolutional-neural-networks deep-neural-networks

Last synced: 01 Jan 2025

https://github.com/sreeeswaran/text-generation-using-t5

This project demonstrates the use of Transformers for text generation using the T5 model. The project includes the necessary code for training the model on a custom dataset and generating new text.

ai artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks neural-networks t5 t5-model text-generation text-generation-using-t5 text-to-text text-to-text-generation text-to-text-transfer-transformer text-to-text-transformer tranformers

Last synced: 22 Jan 2025

https://github.com/asim-2000/asim-2000

🚀 This is my GitHub Profile ReadMe.

deep-neural-networks develepor introduction java javascript projects python research

Last synced: 10 Jan 2025

https://github.com/monzerdev/real-time-sign-language-detection

A real-time detection system for sign language alphabets and numeric gestures using MediaPipe and a Convolutional Neural Network (CNN). Features hand landmark detection, classification, and real-time feedback.

cnn computer-vision convolutional-neural-networks deep-learning deep-neural-networks mediapipe opencv pandas python pytorch real-time scikit-learn signlanguagedetection

Last synced: 01 Jan 2025

https://github.com/cloaky233/binary-classifier-cnn

A Convolutional Neural Network (CNN) implementation using PyTorch and TensorFlow/Keras to classify images of cats and dogs. This project includes training scripts, model architectures, and instructions for easy setup and usage.

binaryclassification deep-learning deep-neural-networks pytorch

Last synced: 20 Jan 2025

https://github.com/akash-nath29/image-classifier

A Machine Learning Model capable to detect person's mood (happy or sad) from image

deep-neural-networks dnn keras keras-neural-networks keras-tensorflow machine-learning tensorflow tensorflow-models

Last synced: 20 Dec 2024

https://github.com/jefferyustc/miscan_cli

MiScan: mutation-inferred screening model of cancer | Apache Software License

bioinformatics deep-learning deep-neural-networks

Last synced: 21 Jan 2025

https://github.com/leehanchung/deeplearning.ai

Coursera Deeplearning.ai Deep Learning Specialization

coursera deep-learning deep-neural-networks neural-networks tensorflow

Last synced: 08 Jan 2025

https://github.com/kiritoind/neural-network-for-cat-image-classification

This script defines essential functions for constructing a deep neural network from scratch for image classification. It includes activation functions like sigmoid and ReLU, data loading from H5 files, parameter initialization, forward and backward propagation for training, gradient descent for parameter updates, and functions for prediction

classification computer-vision deep-learning deep-neural-networks jupyter-notebook numpy python

Last synced: 05 Jan 2025

https://github.com/coditheck/tensorflow

TensorFlow is an open source Machine Learning library, created by Google, for developing and running Machine Learning and Deep Learning applications.

deep-learning deep-neural-networks keras machine-learning neural-network python tensorflow tensorflow-tutorials

Last synced: 21 Dec 2024

https://github.com/amazon-science/contrastive_emc2

Code the ICML 2024 paper: "EMC^2: Efficient MCMC Negative Sampling for Contrastive Learning with Global Convergence"

contrastive-learning deep-neural-networks machine-learning machine-learning-algorithms mcmc-sampling multi-modal multi-modal-learning

Last synced: 12 Jan 2025

https://github.com/neerajcodes888/cat-vs-dog-image-classification

Repository for a deep learning model that classifies images as either cats or dogs using deep learning techniques. The model is trained on a diverse dataset and achieves high accuracy in distinguishing between these two popular pet categories. Includes pre-processing scripts, model architecture, and evaluation metrics for seamless implementation

cats-vs-dogs cats-vs-dogs-classification deep-learning deep-neural-networks googlecolaboratory imageclassification python3

Last synced: 31 Jan 2025

https://github.com/veeqtoh/corossion-detection

Welcome to Underwater Corossion Detection! In this project, I will use Python to manipulate complex data streams (mainly images) and present classification results based on state-of-the-art machine learning methods.

deep-learning deep-neural-networks image-classification image-processing image-recognition

Last synced: 29 Jan 2025

https://github.com/rabbicse/face-app

A Face recognition system using TensorFlow.js for in-browser image processing and backend services powered by PyTorch, Qdrant, RetinaFace, ArcFace, and OpenCV for detection, embedding, and similarity matching. This setup ensures efficient, secure, and accurate facial recognition.

arcface deep-neural-networks docker docker-compose face-detection face-recognition machine-learning nextjs numpy opencv python pytorch react retinaface tensorflowjs typescript typescript-react

Last synced: 09 Jan 2025

https://github.com/arif-miad/image-classification

pre-trained image classification models use prior knowledge to recognize patterns in images, speeding up training and improving accuracy.

computer-vision deep-neural-networks kaggle-dataset keras python pytorch resnet-50 tensorflow transfiterlearning vgg19

Last synced: 12 Dec 2024

https://github.com/iwas-coder/guanaco

A simple, uncomplicated, multilayered Neural Network framework written in pure C.

ai ai-models c deep-learning deep-neural-networks header-only neural-network stb

Last synced: 28 Nov 2024

https://github.com/m0hc3n/happy-or-sad-detection-deep-learning-model

This is a simple deep learning model to detect whether a person is happy or sad.

body-recognition convolutions deep-learning deep-neural-networks face-recognition-opencv

Last synced: 08 Jan 2025

https://github.com/keyurparalkar/cifar-10

ConvNet implementation for CIFAR-10 dataset using pytorch

convolutional-neural-networks deep-learning deep-neural-networks lenet-architecture pytorch

Last synced: 30 Dec 2024

https://github.com/wodenwang820118/music_genre_multiclass_classification

The multiclass classification sometimes gets poor results. The repository attempts to use comet_ml to grid search and find the best hyperparameters and concatenate different models for training a better model. The goal is to classify the music genres.

deep-learning deep-neural-networks machine-learning multiclass-classification music-genre-classification

Last synced: 11 Jan 2025

https://github.com/majsylw/chihuahua-vs-muffin

Excercises in Deep learning for polish students conducted in winter 2020/21 (polish). With cooperation with Wroclaw University of Technology and OPI. This repository based on materials from beginner's workshop for SJSU ML Club and facebook DETR.

classification deep-neural-networks linear-nn python3 pytorch tutorial-code

Last synced: 31 Jan 2025

https://github.com/daelsepara/deeplearningcpp

C++ Implementation of Machine Learning Toolbox (deep neural networks and convolutional neural networks)

convolutional-neural-networks deep-neural-networks machine-learning-toolbox

Last synced: 29 Dec 2024

https://github.com/mashiat12/synthetic_brain_image_generation

Synthetic images generated using deeplearning model (GANs) allows researchers to create realistic, diverse MRI images that can supplement or expand existing datasets without needing additional patient scans.

artificial-intelligence deep-learning deep-neural-networks gan gans generative-adversarial-network generative-ai image-processing imagegeneration machine-learning

Last synced: 28 Jan 2025

https://github.com/chaitanyak77/comparative-study-tensorflow-vs.-custom-neural-network-models

This repository presents a comprehensive comparative study that delves into the weights and biases of both inbuilt and custom-built Sequential Neural Network (SNN) models. The primary objective is to gain a deeper understanding of the differences and nuances between these two approaches.

custom-neural-network-training deep-neural-networks neural-network snn

Last synced: 16 Jan 2025

https://github.com/samanyougarg/dl-mnist

Deep Learning on the MNIST Handwritten Digits Dataset.

deep-learning deep-neural-networks keras mnist python tensorflow

Last synced: 13 Dec 2024

https://github.com/jstzwj/traph

An open-source machine learning platform

deep-learning deep-neural-networks machine-learning neural-network

Last synced: 14 Dec 2024

https://github.com/jash271/beans_disease_classifier

Classifier to predict whether a plant is infected if so which diseases does it have

cnn-keras deep-neural-networks image-classification tensorflow-tutorials tensorflow2 transfer-learning

Last synced: 24 Jan 2025

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

Welcome to the Deep Learning Projects Repository! This repository is a collection of hands-on projects related to deep learning, covering a wide range of topics and applications.

ai ann cnn cv deep-learning deep-neural-networks dl gan image-processing keras ml nlp python pytorch rnn tensorflow transfer-learning

Last synced: 14 Jan 2025

https://github.com/extwiii/ml-university.of.washington

Build Intelligent Applications - ML - University of Washington - Coursera

classification deep-learning deep-neural-networks machine-learning python regression svm washington-university

Last synced: 28 Jan 2025

https://github.com/sathyasris27/image-classification-using-dnn-and-cnn

The main aim of this project is to understand and implement deep neural network (DNN) and convolutional neural network (CNN) and see how these can be used for classification problems.

classification convolutional-neural-networks data-science deep-learning deep-neural-networks image-classification python

Last synced: 10 Jan 2025

https://github.com/iamgmujtaba/gif-celeba

A complete guide on how to generate animated images by detecting character face and gender using the CNN model.

celeba cnn-classification cnn-keras deep-neural-networks keras keras-tensorflow

Last synced: 16 Dec 2024

https://github.com/rambodrahmani/deep-learning

Final project for the Computational Intelligence and Deep Learning course at University of Pisa.

convolutional-neural-networks deep-learning deep-neural-networks keras keras-neural-networks keras-tensorflow point-cloud pointcloud pointclouds tensorflow2

Last synced: 29 Dec 2024

https://github.com/vpanjeta/self-driving-car

A Program for the implementation of Udacity's nano degree on self driving cars

cnn cnn-keras computer-vision deep-learning deep-neural-networks self-driving-car udacity

Last synced: 28 Dec 2024

https://github.com/yannick-kees/mlp

Build MLP from scratch only using Numpy. Able to perform simple supervised learning problems in any dimension and with variable layer configurations. It can also be used for Auto-Encoder problems.

autoencoder deep-learning deep-neural-networks mlp numpy-tutorial

Last synced: 23 Jan 2025

https://github.com/dhrupad17/100-days-of-deep-learning

Its the practice repository covering all the concepts @campusx-official has covered in his playlist in much detailed way.

cnn deep-learning deep-neural-networks lstm-neural-networks mlp-networks perceptron rnn

Last synced: 16 Jan 2025

https://github.com/suhani1209/mobile-gallery-image-classifier

Distinguishes the mobile gallery's images into various sets such as whatsapp documents, nature, cars, screenshots, the machine learns itself and predicts the results with an accuracy of 97.6%

cnn deep-learning deep-neural-networks image-classification object-classification python

Last synced: 25 Dec 2024

https://github.com/ducthienbui97/pokedex

I am making a real pokedex with a model 85% accuracy top 1, 91% top 3, 93% top 5

classifier cnn cnn-keras deep-learning deep-neural-networks jupyter-notebook keras pokemon python tensorflow

Last synced: 17 Dec 2024

https://github.com/ashraf-khabar/licence-plate-recognition

About The realization of a radar system for the detection of vehicle license plates is an innovative and ambitious technological project that aims to improve road safety and facilitate the identification of vehicles in traffic

ai deep-learning deep-neural-networks flask flask-api machine-learning machine-learning-algorithms oracle-database oracle-db python python3 shell sql tensorflow

Last synced: 21 Jan 2025

https://github.com/barbarpotato/sentiment-analysis-bangkit-capstone-project

This Project was from Bangkit Capstone Project, the goal from this repository, is to built the sentiment analysis to classified the sentence is it the positive or the negative sentiment about the specific event organizer review.

deep-learning deep-neural-networks h5 natural-language-processing sentiment-analysis tflite-models

Last synced: 11 Jan 2025

https://github.com/nikhilcodes/draw-anywhere

Not just any simple Digit Recognition. MNIST Digit Recognition got lot more Interesting!

computer-vision cv2 deep-learning deep-neural-networks drawing-app illusion keras-neural-networks opencv opencv-python

Last synced: 17 Dec 2024

https://github.com/norman-thomas/coursera-deep-learning

My implementation of assignments of the Coursera Deep Learning course and specialization

artificial-intelligence coursera deep-learning deep-neural-networks neural-networks

Last synced: 09 Jan 2025

https://github.com/agamiko/neural-based-data-augmentation

Improving generalization via style transfer-based data augmentation: Novel regularization method

cnn data-augmentation database deep-learning deep-neural-networks image-classification image-synthesis paper skin-lesions style-transfer

Last synced: 31 Jan 2025

https://github.com/ahmad-ali-rafique/weather-prediction-fcnn

This project demonstrates a complete pipeline for weather prediction using a Fully Connected Neural Network (FCNN). The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation.

ai artificial-intelligence data-analysis data-science deep-learning deep-neural-networks fully-connected-network machine-learning machine-learning-algorithms weather-information

Last synced: 16 Jan 2025

https://github.com/ondrejbiza/vae

Variational autoencoders implemented in Tensorflow.

deep-learning deep-neural-networks tensorflow variational-autoencoders vq-vae

Last synced: 08 Jan 2025

https://github.com/redayzarra/cnn_trafficsigns

This is a machine learning project where I utilized the LeNet-5 architecture to create a convolutional deep network that classifies 43 different kind of traffic signs. I've made sure to include a full step-by-step implementation of the project as well as detailed notes for every step.

classification classification-model computer-vision deep-learning deep-neural-networks lenet lenet-5 lenet-architecture machine-learning model-evaluation model-selection

Last synced: 26 Jan 2025

https://github.com/ahmad-ali-rafique/handwritten-digit-recognition-mnist

This project demonstrates a complete pipeline for recognizing handwritten digits using the MNIST dataset. The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation of a Fully Connected Neural Network (FCNN).

ai artificial-intelligence data data-analysis datascience deep-learning deep-neural-networks fcnn fully-connected-network machine-learning machine-learning-algorithms ml modeling

Last synced: 16 Jan 2025

https://github.com/gokulnpc/iris-detection

This project focuses on iris detection using deep learning techniques. The model architecture combines the power of ResNet152V2, a pre-trained convolutional neural network (CNN), with additional convolutional layers to accurately detect and localize iris regions in images.

convolutional-neural-networks deep-neural-networks iris-detection resnet

Last synced: 02 Feb 2025

https://github.com/marcogdepinto/panoramamodelserving

Using Java and deeplearning4j to serve a Keras model.

deep-learning deep-neural-networks deeplearning deeplearning4j java keras python

Last synced: 17 Dec 2024

https://github.com/danmorales/fraud_detection

Modelagem para detecção de fraudes em cartões de crédito

credit-card-fraud deep-learning deep-neural-networks fraud-detection fraud-prevention keras machine-learning python

Last synced: 27 Dec 2024

https://github.com/wahidpanda/car-tracking-open-cv

This project is about computer vision technology using to detect number of cars on highway

cartracking computer-vision deep-neural-networks opencv python-script pythonprojects

Last synced: 21 Jan 2025

https://github.com/e0xextazy/dog_breeds_clf

Trained the ResNet50 model from scratch on the imagewoof dataset. Reached 83% accuracy

classification classifier classifier-model deep-learning deep-neural-networks imagenette imagewoof resnet resnet-18 resnet-34 resnet-50 resnet50

Last synced: 24 Jan 2025

https://github.com/tanishqjasoria/deeplearning

Implementation of some Neural Network architecture using Numpy, TensorFlow and Keras.

convolutional-neural-networks deep-learning deep-neural-networks residual-learning tensorflow transfer-learning

Last synced: 23 Dec 2024

https://github.com/gsauc3/pytorch-model-details

Package to visualize all the layer parameters of a deep learning model.

cnn-model deep-learning deep-neural-networks model-summary pytorch summary

Last synced: 30 Dec 2024

https://github.com/mozturan/mlanddl-withwebapp

Web app to perfom machine learning algorithms (both for regression and classification) on almost ready datasets.

decision-trees deep-learning deep-neural-networks heatmap linear-regression logistic-regression machine-learning streamlit web-application

Last synced: 23 Dec 2024

https://github.com/hsprcode/audio-signal-classification-using-convolutional-neural-networks

Extracted features and classified GTZAN Dataset via deep neural networks with reduced number of parameters and achieved a maximum of 81.62% classification accuracy using 1D-CNN.

audio-analysis audio-processing convolutional-neural-networks deep-neural-networks musicgenre python

Last synced: 18 Dec 2024