47 Repositories
Python cnn Libraries
This application purposes to aid in early detection of lung cancer to give patients the best chance at recovery and survival using CNN Model.
Author: Grey Manuel Adenocarcinoma-Detection This application purposes to aid in early detection of lung cancer to give patients the best chance at re
Collects news Headlines from CNN and NBC News every day. Data collected automatically converted to a CSV File.
news_webscraper_2022 Created by @imgeothegreat Collects news Headlines from CNN and NBC News every day. Data collected automatically converted to a CS
AI to Recognize someone's face from an image
face_recognition_cnn Description AI to recognize from face images. It is a convolutional neural network (CNN) based face recognition system. The proje
UNetFormer: A UNet-like transformer for efficient semantic segmentation of remote sensing urban scene imagery, ISPRS. Also, including other vision transformers and CNNs for satellite, aerial image and UAV image segmentation.
Version 2.0 (stable) Welcome to my homepage! News UNetFormer (accepted by ISPRS, Research Gate) and UAVid dataset are supported. ISPRS Vaihingen and P
Featurized Query R-CNN
Featurized Query R-CNN Wenqiang Zhang*, Tianheng Cheng*, Xinggang Wangβ , Shaoyu Chen, Qian Zhang, Wenyu Liu (*: equal contribution, β : corresponding a
A deep learning algorythm that uses the Tensorflow library to train the data and create a CNN model
I have developed a deep learning algorythm that uses the Tensorflow library to train the data and create a CNN model. By using this trained model, the program will be able to accurately detect defective products and provide the necessary visual representation. Also basic structure that I use can be applied to almost on anything
Scalable Representation of RSSIs for Multi-Building and Multi-Floor Indoor Localization Based on Deep Neural Networks
Scalable Representation of RSSIs for Multi-Building and Multi-Floor Indoor Localization Based on Deep Neural Networks Abstract For large-scale multi-b
Designed a containerized pipeline to detect fake-face submissions using a CNN model including generation of fake datasets for machine learning in a Test Driven Development environment.
Designed a containerized pipeline to detect fake-face submissions using a CNN model including generation of fake datasets for machine learning in a Test Driven Development environment.
A Machine learning model to detect defects in industrial pump impeller casts and classify the type of it.
Casting-Defect-Detection-and-Classification-Model-using-CNN A Machine learning model to detect defects in industrial pump impeller casts and classify
CNN-Based Detector: Emotion Recognition Strategy on Masked and Unmasked FER-2013 Dataset
CNN-Based-Detector-Emotion-Recognition-Strategy CNN-Based Detector: Emotion Recognition Strategy on Masked and Unmasked FER-2013 Dataset Project descr
PyTorch implementation of Denoising of 3D MR images using a voxel-wise hybrid residual MLP-CNN model to improve small lesion diagnostic confidence (MICCAI 2022).
Denoising of 3D MR images using a voxel-wise hybrid residual MLP-CNN model to improve small lesion diagnostic confidence PyTorch implementation of Den
An Effective Style Conditioning Method for Zero-Shot Text-to-Speech System
SC-CNN : An Effective Style Conditioning Method for Zero-Shot Text-to-Speech System Thanks to StyleSpeech, we built up our codes based on Link LibriTT
Code for ECML PKDD 2022 paper. No More Strided Convolutions or Pooling: A Novel CNN Architecture for Low-Resolution Images and Small Objects.
This repository contains the models and the evaluation scripts of the ECML PKDD'22 paper: No More Strided Convolutions or Pooling: A New CNN Building
Continuous Convolutional Neural Networks: Towards a General Purpose CNN for Long Range Dependencies in $N$D
Continuous Convolutional Neural Networks: Towards a General Purpose CNN for Long Range Dependencies in $N$D Code repository of the paper Towards a Gen
Official implementation of SRCN3D: Sparse R-CNN 3D Surround-View Cameras 3D Object Detection and Tracking for Autonomous Driving
SRCN3D: Sparse R-CNN 3D Surround-View Cameras 3D Object Detection and Tracking for Autonomous Driving This repo is the official implementations of SRC
Code and Data repository for the paper titled "Enhancing PM2.5 Prediction Using NARX-Based Combined CNN and LSTM Hybrid Model"
This is the code and data associated with the paper titled: "Enhancing PM2.5 Prediction Using NARX-Based Combined CNN and LSTM Hybrid Model" The paper
Approaching Pedestrian Tracking problem on surveillance camera with YoloV5 for pedestrian detection and DeepSORT for tracking.
Tracking with YoloV5 & DeepSORT Introduction DeepSORT basically is an improvement based on SORT which integrated a CNN feature extractor that helps re
Ocr, PDF to CSV table, CNN
Ocr_pdf_table_csv This is a project that extracts data from pdf snapshot and enters data into csv This project is using 2 methods to detect boxes from
Ocr, PDF to CSV table, CNN
Ocr_pdf_table_csv This is a project that extracts data from pdf snapshot and enters data into csv This project is using 2 methods to detect boxes from
Graph R-CNN: Towards Accurate 3D Object Detection with Semantic-Decorated Local Graph (ECCV 2022, Oral)
Graph R-CNN: Towards Accurate 3D Object Detection with Semantic-Decorated Local Graph (ECCV 2022, Oral) Citation If you find this project useful in yo
TransDeepLab: Convolution-Free Transformer-based DeepLab v3+ for Medical Image Segmentation
TransDeepLab The official code for "TransDeepLab: Convolution-Free Transformer-based DeepLab v3+ for Medical Image Segmentation". Updates July 19, 202
Makeup with Deep Learning, Apply different hair/lipstick color on your face! (WebApp)
Makeup Lab π§βπ¬ π Apply different hair/lipstick color! (WebApp) This project will be updated later. model version: 2 Website Click here Options imag
Official implementation of the FST-Matching Model.
Explaining Deepfake Detection by Analysing Image Matching This repo includes the authors' MegEngine implementation of the paper Explaining Deepfake De
Sign language detection website can recognise gesture through webcam in real-time and by uploading images using CNN, image-classification and image-recognition.
Sign language detection website can recognition gesture through webcam in real-time and by uploading images using CNN, image-classification and image-recognition.
Application of Deep Neural Networks (CNN Based dlib and OpenCV modules) in recognizing Faces with high accuracy and marking Attendance
Face-Recognition-Attendance-System This Project is an Application of Deep Neural Networks ( CNN Based dlib and OpenCV modules ) in recognizing Faces w
comparing Jax (haiku and flax) to PyTorch on simple DL tasks.
jax_v_pytorch Side-by-side implementations of two different jax frameworks (haiku and flax) and pytorch on simple deep learning training and inference
LiDAR classification using neighbourhood region of NxN surrounding a pixel.
LiDAR LiDAR classification using neighbourhood region of NxN surrounding a pixel Steps to Run: Create a virtual environment using command: virtualenv
BSc thesis: "Convolutional Neural Networks and their Application in Cancer Diagnosis based on RNA-Sequencing"
This project uses RNA-sequences, converted in 2D images, to classify cancer types using Deep Learning. It is divided in three parts. The first one is
A robust deformed CNN for image denoising (CAAI Transactions on Intelligence Technology,2022)
RDDCNN A robust deformed CNN for image denoising(RDDCNN) is proposed by Qi Zhang, Jingyu Xiao, Chunwei Tian*, Jerry Chun-Wei Lin and Shichao Zhang. Al
CNN-Based Compound Fingerprint Prediction for Metabolite Annotation
MetFID CNN-Based Compound Fingerprint Prediction for Metabolite Annotation Getting Started Before running the program, you need to have the PubChemPy
University project for training and evaluating reinforcement learning agents in OpenAI Gym environments using DQN.
Reinforcement Learning Gym Train and evaluate reinforcement learning agents in OpenAI Gym environments using Deep Q-learning (DQN). Environments The f
This is an implementation of a traffic speed predicition model.
GAMCN This is the Tensorflow Keras implementation of GAMCN in the following paper: Jianzhong Qi, Zhuowei Zhao, Egemen Tanin, Tingru Cui, Neema Nassir,
Sparse Mask R-CNN implementation using PyTorch
Sparse Mask R-CNN implementation using PyTorch Install pip install mmcv-full==1.5.1 pip install mmdet==2.24.1 Train bash ./main.sh ./nets/exp01.py $ -
Creating a custom CNN hypertunned architeture for the Fashion MNIST dataset with Python, Keras and Tensorflow.
custom-cnn-fashion-mnist Creating a custom CNN hypertunned architeture for the Fashion MNIST dataset with Python, Keras and Tensorflow. The following
Skeleton-based action recognition models in PyTorch, including Two-Stream CNN, HCN, HCN-Baseline, Ta-CNN and Dynamic GCN
SkelAct SkelAct is an open source repository which provides state-of-the-art skeleton-based action recognition models from Hikvision Research Institut
A deep learning CNN model to identify and classify and check if a person is wearing a mask or not.
Face Mask Detection The Model is designed to check if any human is wearing a mask or not. Dataset Description The Dataset contains a total of 11,792 i
Deep CNN to classify pneumonia patients through x-ray images using PyTorch
Deep Convolutional Neural Network to classify pneumonia patients from x-ray images This is meant as a personal learning project to gain a deeper under
AI trained to play country streaks on GeoGuessr. Given a random Google Street View, predict the country.
StreetNet AI trained to play country streaks on GeoGuessr. When placed in a random location on Google Street View, this neural network is tasked with
This project allows the generation of procedurally structured data to train a CNN image classification model.
Synthetics-Cards-Generation Structured synthetic French data generation system with Python for CNN About The Project This project allows the generatio
MLFlow-CNN-app
mlflow-project-template mlflow-project-template MLflow-project-template MLflow project template STEPS - STEP 01- Create a repository by using template
Facial expression recognition on FER+ dataset using CNN(VGG16, EfficientNet)
facial-expression-recognition Facial expression recognition on FER+ dataset using CNN(VGG16, EfficientNet-B0) Emotion: neutral, happiness, surprise, s
π¦ PyTorch based visualization package for generating layer-wise explanations for CNNs.
Explainable CNNs π¦ Flexible visualization package for generating layer-wise explanations for CNNs. It is a common notion that a Deep Learning model i
Group R-CNN for Point-based Weakly Semi-supervised Object Detection (CVPR2022)
Group R-CNN for Point-based Weakly Semi-supervised Object Detection (CVPR2022) By Shilong Zhang*, Zhuoran Yu*, Liyang Liu*, Xinjiang Wang, Aojun Zhou,
Two CNN-based models for pre-processing the Full-waveform LiDAR signals.
Full-waveform LiDAR echo decomposition based on dense and residual neural networks Paper and Details: https://doi.org/10.1364/AO.444910 Architecture:
PyTorch implementation for 3D CNN models for medical image data (1 channel gray scale images).
3D-CNN-PyTorch: PyTorch Implementation for 3dCNNs for Medical Images Keywords: Deep Learning, 3D Convolutional Neural Networks, PyTorch, Medical Image
Attention-based CNN-LSTM and XGBoost hybrid model for stock prediction
Attention-based CNN-LSTM and XGBoost hybrid model for stock prediction Requirements The code has been tested running under Python 3.7.4, with the foll
Blur image detection using opencv library. Approach used is Laplacian and ConvNets.
image-blur-detection To get all the Dependencies (run the command) after forking / cloning this repository : pip install requirements.txt Approach - 1