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/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/papapana/face-generation

Face Generation using Generative Adversarial Networks (GANs)

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

Last synced: 14 Nov 2024

https://github.com/jonperk318/machine-learning-analysis-of-hyperspectral-data

Using Non-negative Matrix Factorization (NMF) and Variational Autoencoder (VAE) machine learning architectures to analyze spatial and spectral features of hyperspectral cathodoluminescence (CL) spectroscopy images taken from hybrid inorganic-organic perovskite material

data-analysis data-science deep-neural-networks explained-variance hybrid-perovskite hyperspectral-image-classification machine-learning matplotlib nmf non-negative-matrix-factorization python pytorch scikit-learn semi-supervised-learning signal-processing solar-energy spectroscopy unsupervised-learning vae variational-autoencoder

Last synced: 06 Nov 2024

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/vyomshm/image-classification-project

A convolution neural net to classify images from the CIFAR-10 dataset consisting of 60,000 images

convolutional-neural-networks deep-learning deep-neural-networks image-classification machine-learning

Last synced: 29 Nov 2024

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

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

https://github.com/rafaykhattak/neural-network-from-scratch

A simple neural network implementation from scratch using only NumPy for numerical computations.

deep-neural-networks image-classification neural-network numpy

Last synced: 13 Nov 2024

https://github.com/vanditg/image_analytics_task_ai_australia

This repository contains solutions or files of my attempt for the AI Austraial task of Image Analytics. The submission language is Python.

blurred-background bounding-boxes computer-vision deep-learning deep-neural-networks face-detection face-quality facial-expression-recognition haarcascade-frontalface

Last synced: 22 Dec 2024

https://github.com/rafaykhattak/plagsnipe

By analyzing the linguistic complexity and repetitiveness of the text, PlagSnipe provides accurate insights into the authenticity and originality of written content, helping users identify potential instances of AI-generated text with precision and confidence.

deep-neural-networks gpt2 gpt2tokenizer nltk pytorch transformers

Last synced: 13 Nov 2024

https://github.com/rafaykhattak/llamadoc

Taking advantage of LlamaIndex's in-context learning paradigm, LlamaDoc empowers users to input PDF documents and pose any questions related to the content. The tool leverages the LLama Index's reasoning capabilities to provide intelligent responses based on the contextual understanding of the LLM.

deep-neural-networks gpt3 in-context-learning llama-index llm

Last synced: 13 Nov 2024

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 Nov 2024

https://github.com/sreeeswaran/nst-for-artistic-image-creation

This project focuses on Neural Style Transfer (NST), a technique that applies the style of one image to the content of another image, creating a new, stylized image. NST leverages deep learning models, particularly Convolutional Neural Networks (CNNs), to extract and combine the content and style features of images.

artificial-intelligence artificial-neural-networks cnn cnn-model convolutional-neural-networks deep-learning deep-neural-networks image-generation machine-learning models neural-networks neural-style-transfer nst

Last synced: 22 Nov 2024

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

Coursera Deeplearning.ai Deep Learning Specialization

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

Last synced: 10 Nov 2024

https://github.com/irishfix/universalnumerics.net

UniversalNumerics.NET is a versatile .NET package that can be used both in Unity and in normal C# projects. It simplifies common computational tasks, such as computing 2D line intersections, 2D segment intersections, 2D point within queries, 2D triangulation of points, 3D area voxelization and even creating deep neural network models.

artifical-intelligence artificial-neural-networks computational-geometry csharp csharp-library deep-learning deep-neural-networks dotnet mathematics triangulation triangulation-delaunay unity unity3d

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

https://github.com/wilhelmagren/pychess

Terminal User Interface for playing chess. Either against your friend or the Deep CNN limited look ahead agent.

ai autoencoder chess classification convolutional-neural-networks deep-learning deep-neural-networks machine-learning pygame python-chess pytorch regression

Last synced: 15 Dec 2024

https://github.com/markus28/ml-library

Java Implementation of Machine-Learning Algorithms

classification clustering deep-learning deep-neural-networks kmeans machine-learning

Last synced: 26 Nov 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/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: 08 Dec 2024

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: 08 Dec 2024

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

Deep neural network and Adam optimizer in straight C and CUDA. Accompanies the course Foundations of GPU Computing (coming soon).

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

Last synced: 27 Nov 2024

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/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/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/annapoorna-a-k/covid-19-detection-using-cnn

A precise and efficient model capable of early and accurate COVID-19 diagnosis.

bioinformatics cnn covid-19 covid-prediction deep-learning deep-neural-networks neural-network x-ray-images

Last synced: 03 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/ivanbgd/udacity-deep-learning-nd101

My solutions to the Udacity Deep Learning Nanodegree Foundation ND101 on-line course, with some examples in C, beside Python (https://www.udacity.com/course/deep-learning-nanodegree-foundation--nd101)

c deep-learning deep-neural-networks jupyter-notebook miniflow neural-networks python tensorflow udacity udacity-deep-learning udacity-nanodegree

Last synced: 08 Dec 2024

https://github.com/travelxml/tensorflow-and-keras-sentiment-analysis-using-rnn

NLP: Sentiment Analysis using TensorFlow and Keras: This project implements a Recurrent Neural Network (RNN) to classify Amazon product reviews into different sentiment categories. It leverages text preprocessing, tokenization, and model training to predict the sentiment with high accuracy.

deep-learning deep-neural-networks deeplearning keras keras-tensorflow nlp rnn rnn-tensorflow sentiment-analysis tenserflow

Last synced: 21 Dec 2024

https://github.com/yididiyan/learning-tensorflow

Code for Learning TensorFlow, A guide to building deep learning systems

deep-learning deep-neural-networks tensorflow

Last synced: 28 Nov 2024

https://github.com/joelselvaraj/udacity-mlnd-capstone-handwritting-digit-recognition

Udacity - Machine Learning Engineer Nanodegree Project - A Deep Neural Network to recognise handwritten digits

capstone deep-neural-networks gpu handwritten-digits jupyter-notebook mnist-dataset python udacity-nanodegree

Last synced: 08 Dec 2024

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

https://github.com/kalthommusa/stop-signs-application

Develop a custom classifier with PyTorch and transfer learning techniques to recognize stop signs, and then deploy it as a web application using Code Engine on IBM cloud.

cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks image-classification image-recognition python pytorch resnet-18 stop-sign-detection transfer-learning

Last synced: 16 Nov 2024

https://github.com/shivamgupta92/imageforgerydetection

Employing Error Level Analysis (ELA) and Edge Detection techniques, this project aims to identify potential image forgery by analyzing discrepancies in error levels and abrupt intensity changes within images.

deep-neural-networks densenet121 error-level-analysis forgery-detection jpeg-compression-technique

Last synced: 12 Nov 2024

https://github.com/autrainer/aucurriculum

A Curriculum Learning Toolkit for Deep Learning Tasks built on top of autrainer.

autrainer computer-audition computer-vision deep-learning deep-neural-networks pytorch

Last synced: 19 Nov 2024

https://github.com/kalthommusa/face-mask-application

Develop a custom classifier with PyTorch and transfer learning techniques to recognize face masks, and then deploy it as a web application using Code Engine on IBM cloud.

cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks face-mask-classification image-classification image-recognition python pytorch resnet-18 transfer-learning

Last synced: 16 Nov 2024

https://github.com/zjysteven/awesome-byte-llm

A curated list of papers and resources on byte-based large language models (LLMs) — models that operate directly on raw bytes.

awesome-list byte-llms deep-learning deep-neural-networks foundation-models large-language-models machine-learning multimodal-large-language-models research-paper tokenization-free transformers

Last synced: 20 Dec 2024

https://github.com/augus1999/akane

AsymmetriC AutoeNcodEr (ACANE → AkAne). This model is part of MSc Electrochemistry and Battery Technologies project (2022 - 2023), University of Southampton.

chemistry deep-neural-networks denovo-design graph-neural-networks machine-learning multitask-learning pytorch-implementation transformer

Last synced: 14 Nov 2024

https://github.com/clberube/gims

Command line interface for geospatial image segmentation

deep-neural-networks geospatial-analysis segmentation unet

Last synced: 19 Nov 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/ashkarin/ndpatch

Package to extract arbitrary regions from an N-dimensional numpy array assuming it mirrored infinitely.

array data-structures deep-neural-networks image-processing numpy patches region-of-interest

Last synced: 04 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: 11 Nov 2024

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: 04 Dec 2024

https://github.com/sergio11/breast_cancer_diagnosis_mlp

🩺🔬 MLP-based Breast Cancer Diagnosis: Predicts tumor malignancy from image features, aiding in early detection. 📊🤖

deep-learning deep-neural-networks machine-learning mlp-classifier mlp-networks numpy sklearn sklearn-classify

Last synced: 14 Dec 2024