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/frankchen121212/RHSNet

Tensorflow and Keras implementation of RHSNet for recombination hotspot identification and quantification

computational-biology deep-neural-networks motif-discovery

Last synced: 28 Nov 2024

https://github.com/kawai-senpai/heartly

Heartly is a Python application developed with Kivy, designed to evaluate the risk of heart disease based on user inputs. The application utilizes a neural network model to predict the likelihood of heart disease, providing a percentage risk based on a series of questions related to the user's health and lifestyle.

deep-learning deep-neural-networks heart-disease kivy kivy-framework kivymd pytorch

Last synced: 18 Dec 2024

https://github.com/tallamjr/dnn

Implementations of Deep Neural Networks in Tensorflow 2.x

deep-learning deep-neural-networks keras tensorflow tensorflow-examples tensorflow2

Last synced: 17 Dec 2024

https://github.com/raulmurillo/annsim_22

Code for reproducing ANNSIM 2022 results

deep-neural-networks floating-point physics-simulation posit simulation

Last synced: 18 Dec 2024

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/mkashirin/scratches

Scratches is a project, which provides a comprehensive guide to creating deep learning models from scratch using Python and NumPy.

artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks from-scratch machine-learning machine-learning-algorithms numpy python

Last synced: 06 Nov 2024

https://github.com/subhangisati/identification-of-gemstone-using-mobilenetv2-and-transfer-learning

The project focuses on Identification of various Gemstone. The dataset consists of 87 classes.It shows the whole progress and model used to achieve final accuracy. You will gain knowledge of Computer Vision, The model used are CNN(Convolutional Neural Network), MobileNetV2 and VGGNet,The final model used was transfer learning with model MobileNetV2

artificial-intelligence classification computer-vision convolutional-neural-networks cv2-library data-science deep-learning deep-neural-networks keras-neural-networks keras-tensorflow machine-learning multiclass-image-classification numpy-library pandas-dataframe python scikit-learn seaborn-python tensorflow

Last synced: 01 Jan 2025

https://github.com/subhangisati/classification-of-venomous-and-non-venomous-snakes

This repository consists of classification of snakes species. It shows the whole progress and model used to achieve final accuracy. The model used are CNN(Convolutional Neural Network), MobileNetV2 and VGGNet. The final accuracy was achieved using transfer learning with model MobileNetV2

binary-image-classification classification cnn-classification cnn-keras computer-vision convolutional-neural-network cv2 data-science deep-neural-networks keras-tensorflow matplotlib mobilenetv2 neural-network numpy-library pandas-dataframe tensorflow transfer-learning

Last synced: 01 Jan 2025

https://github.com/harshjuly12/deep-learning-approaches-for-enhanced-breast-cancer-detection

A deep learning project aimed at early detection of breast cancer by classifying tumors as benign or malignant based on features extracted from cell images. The project demonstrates data preprocessing, model training, and evaluation using various deep learning algorithms to achieve high accuracy in predictions.

aiml cnn deep-learning deep-neural-networks

Last synced: 12 Nov 2024

https://github.com/shaheennabi/deep-learning-practices-and-mini-projects

Welcome to Deep Learning & Math with Python! 🚀💥 Here, we blend code and theory to build deep learning algorithms from scratch and explore the math behind them. 🧠⚡ Whether you're just starting or a seasoned pro, this space is all about learning, experimenting, and creating AI magic together! 🔥🎆 Let's code, learn, and innovate!

activation-functions backpropagation calculus deep-learning deep-neural-networks linear-algebra maths-behind-neural-network opencv pytorch tensorflow

Last synced: 14 Jan 2025

https://github.com/furk4neg3/inception_v1-googlenet

Replication of Going Deeper with Convolutions paper using TensorFlow, with one example of how to use it. This model is mainly used for image classification problems.

artificial-intelligence computer-vision deep-learning deep-neural-networks image-classification machine-learning tensorflow

Last synced: 13 Jan 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: 14 Jan 2025

https://github.com/EliasVansteenkiste/plnt

A Python framework for classification of satellite imagery of the Amazon, built with Pytorch and Lasagne/Theano. The goal is to find deforestation activity.

classification deep-neural-networks kaggle lasagne python pytorch satellite-imagery

Last synced: 07 Nov 2024

https://github.com/gitstar-oc/machine-learning

This are the Machine Learning notes by leading AI website named Deeplearning.AI. This notes will help you to be a machine learner from beginner to advanced level. Welcome Everyone!!

deep-learning deep-neural-networks jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python scikit-learn supervised-learning tensorflow unsupervised-learning

Last synced: 13 Oct 2024

https://github.com/joshua-dias-barreto/cifar10-using-cnns

A Convolutional Neural Network ( CNN ) is designed and trained to identify whether an image is an airplane, car, bird, cat, deer, dog, frog, horse, ship or a truck

cifar10 cnn-keras colab-notebooks deep-neural-networks machine-learning tensorflow visualization

Last synced: 11 Jan 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: 27 Dec 2024

https://github.com/wwwwwydev/pen-stroke-segmentation

基于深度学习中全卷积网络的字体笔划分割(汉字笔画分割)解决方案 A Solution for Font Stroke Segmentation (Stroke Segmentation) Based on Fully Convolutional Networks in Deep Learning

deep-learning deep-neural-networks pen-strokes python pytorch

Last synced: 11 Jan 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: 13 Dec 2024

https://github.com/librauee/squirtle

To get the material of squirtle, which is one of the most famous emoticon. 通过机器学习的方法获取全网最全的杰尼龟表情包素材!

deep-neural-networks emoticon machine-learning

Last synced: 02 Jan 2025

https://github.com/aabduvak/object-detection-setup

The YOLOv8 Object Detection Setup allows users to perform real-time object detection using the YOLOv8 algorithm. The project is designed for simplicity and convenience, enabling users to run their models seamlessly and obtain output videos with detected objects.

computer-vision deep-neural-networks object-detection opencv yolov8

Last synced: 08 Jan 2025

https://github.com/dilumdesilva/daugmentor

DAugmentor: Automating Generative Adversarial Network Tuning for Data Augmentation

data-generation deep-learning deep-neural-networks gan

Last synced: 30 Nov 2024

https://github.com/marx-wrld/mnist-character-recognition

Digital classification and Character Recognition using Tensorflow and the MNIST dataset

deep-neural-networks mnist-dataset tensorflow

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

https://github.com/mohitmishra786/ml-and-dl

This repository gives beginners and newcomers in the field of AI and ML a chance to understand the inner workings of popular learning algorithms by presenting them with a simple way to analyze the implementation of ML and DL algorithms in pure python using only numpy as a backend for linear algebraic computations.

artificial-intelligence artificial-neural-networks basic coding deep-learning deep-neural-networks machine-learning machine-learning-algorithms machine-learning-practice machine-learning-projects ml ml-project mlops python python3 pytorch pytorch-implementation tensorflow

Last synced: 21 Nov 2024

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

https://github.com/masasron/deepnet

DeepNet is simple node based cli tool for creating machine learning classifiers you can use on the web.

classifier classifier-training deep-learning deep-neural-networks machine-learning nodejs

Last synced: 22 Nov 2024

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/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/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: 23 Dec 2024

https://github.com/papapana/face-generation

Face Generation using Generative Adversarial Networks (GANs)

deep-learning deep-neural-networks gan generative-adversarial-network pytorch

Last synced: 13 Jan 2025

https://github.com/marcogdepinto/dogs-vs-cats

Deep learning to classify if a picture contains a Dog or a Cat using Python, OpenCV, Keras.

deep-learning deep-learning-tutorial deep-neural-networks image-classification keras numpy opencv python python3

Last synced: 06 Jan 2025

https://github.com/kumar-shivam-ranjan/recognizing-human-activity-using-multiple-wearable-accelerometer-sensors

The project in this repository solved the HAR problem by deep neural network specifically long Short term memory (LSTM) of recurrent neural network .

deep deep-learning deep-neural-networks lstm-model smartphone-sensors

Last synced: 13 Jan 2025

https://github.com/sarthak-1408/indian-food-classification

This Repo Represents Indian Food Classification and with the help of this project you can easily identify the Indian food

classification-model deep-learning deep-neural-networks flask flask-application image-classification keras-neural-networks keras-tensorflow tensorflow

Last synced: 16 Nov 2024

https://github.com/thecoderpinar/hms-brainactivity-analysiss

Welcome to the GitHub repo for "HMS - EEG Exploration & Neurocritical Care Journey"! Explore EEG data, understand wave patterns, and delve into conditions like LPDs, GPDs, LRDA, and GRDA.

critical-care data-analysis data-science data-visualization deep-neural-networks eeg eeg-signals exploratory-data-analysis healthcare medical-research neuroscience signal-processing

Last synced: 16 Dec 2024

https://github.com/ahammadmejbah/supplemental-materials-for-deep-learning-and-ai-specialization-course

The Deep Learning and AI Specialization course offered by aiQuest Intelligence provides a comprehensive program designed to teach cutting-edge artificial intelligence, neural networks, and deep learning techniques. This course is aimed at equipping you with the skills needed to tackle real-world AI challenges.

deep deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning deeplearning-ai

Last synced: 09 Jan 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: 18 Nov 2024

https://github.com/ahammadmejbah/supplemental-materials

Explore AI with resources like 📚 books, 🎧 podcasts, and 🖥️ online courses! Join forums 💬, attend workshops 🛠️, and read journals 📖 to boost your knowledge! 🚀✨🧠

computer-vision data-science data-science-projects data-visualization deep-learning deep-neural-networks machine machine-learning opencv python3

Last synced: 09 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/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: 17 Nov 2024

https://github.com/rakshit-shetty/pothole-detection

A pothole detection DL algorithm using Yolo v2 and Tensorflow

deep-neural-networks pothole-detection tensorflow yolov2

Last synced: 27 Nov 2024

https://github.com/efecanxrd/lstm-derin-ogrenme-modeli-ile-enerji-tuketimi-tahmini

Derin modelleme için kullanılan paketler TensorFlow ve Keras'tır. Python ile Hollanda'nın ileride kullanabileceği tahmini! enerji tüketimini hesapladık.

deep-learning deep-learning-algorithms deep-neural-networks deeplearning keras plotly python tensorflow

Last synced: 15 Jan 2025

https://github.com/daelsepara/deeplearningjs

AngularJS (1.7.x) implementation of the DeepNeuralNetworkClassifier project

angularjs deep-learning deep-neural-networks

Last synced: 29 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/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: 27 Nov 2024

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/pathak-ashutosh/liver-segmentation

Segment liver using unet architecture. This was a project I did for a senior anonymously as his final year project during my undergrad.

biomedical-image-processing computer-vision deep-learning deep-neural-networks machine-learning neural-network segmentation unet-image-segmentation

Last synced: 02 Jan 2025

https://github.com/iinjyi/hands-on-neural-networks

A series of hands-on notebooks for beginners in neural networks. [To be updated]

ai cnn computer-science deep-learning deep-neural-networks lstm maths neural-networks python pytorch rnn transfer-learning

Last synced: 30 Dec 2024

https://github.com/edwildson/facerecognition

Projeto de reconhecimento de face e sentimentos, feito com Django e ML

deep-neural-networks django face-detection face-recognition machine-learning opencv python

Last synced: 08 Jan 2025

https://github.com/arif-miad/introduction-to-open-cv

Computer vision is a field of study focused on enabling computers to interpret and understand the visual world. OpenCV provides a comprehensive set of tools and algorithms for various tasks in computer vision, including image and video processing, object detection and tracking, facial recognition, augmented reality, and mor

data-science deep-neural-networks

Last synced: 14 Jan 2025

https://github.com/himanshuvnm/generalized-gaussian-radial-basis-function-in-artificial-intelligence-matlab

This is the recent work of my on the importance and application of mathematical function around its Hilbert function theory on artificial intelligence algorithms. The main motivation was the desire of improving the convergence rate and learning rate of various learning algorithms via Generalized Gaussian Radial Basis Function.

activation-functions artificial-intelligence deep-learning deep-neural-networks gaussian-process-regression image-recognition kernel-regression machine-learning-algorithms neural-network reproducing-kernel-hilbert-space support-vector-machine

Last synced: 25 Dec 2024

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/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/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: 30 Nov 2024

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: 29 Nov 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/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: 12 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/ondrejbiza/vae

Variational autoencoders implemented in Tensorflow.

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

Last synced: 08 Jan 2025