Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
Projects in Awesome Lists by neemiasbsilva
A curated list of projects in awesome lists by neemiasbsilva .
https://github.com/neemiasbsilva/regression-in-cnns-applied-to-plant-leaf-count
Regression in Convolutional Neural Network applied to Plant Leaf Count
cnns computer-vision convolutional-neural-networks count cvppp data-engineering data-science dataset deep-learning deep-learning-api deep-neural-networks inception-resnet-v2 nasnet-models plant-leaf-counting plant-phenotypes plant-phenotyping regression resnet-50 tensorflow xception-model
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/knapsack-problem-using-dp-grasp-tabu
This repository was created for the subject of Computer Theory. The propose of this subject is to improve your skills to solve the 0-1 knapsack problem of different ways. The techniques used were Dynamic Programing and two metaheuristics (which are GRASP and TABU search).
algorithm computer-theory grasp grasp-metaheuristic knapsack knapsack-problem knapsack-problem-dynamic knapsack-problem-greedy proposal python python3 tabu-search
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/machine-learning-algorithm
Some algorithms of machine learning like Regression, Cluster, Deep Learning, and much more.
algorithms headbrain-dataset jupyter-notebook linear-regression logistic-regression machine-learning machine-learning-tutorials pca-titanic-dataset python python3 random-forest-mnist titanic-dataset unsupervised-learning wine-quality xor-neural-network
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/case-study-data-science
Welcome to some case study of data science projects - (Personal Projects).
anomaly-detection case-study-data-science census-income churn-prediction data-science data-science-projects decision-tree healthcare house-price-prediction logistic-regression machine-learning pyspark pyspark-mllib spaceship-titanic
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/cnn-apply-3dmnist
A Simple Three Dimensional Convolutional Neural Networks approach
3dmnist conv3d deep-learning keras tensorflow
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/lstm-pollution-china
Using long short term memory networks to analysis the pollution of Beijing, China.
china china-region deep-learning forecast forecasting-models long-short-term-memory lstm-neural-networks machine-learning machine-learning-algorithm model pandas-dataframe pollution-prediction supervised-learning-algorithms
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/django-api-computer-vision
MVISIA coding interview using Django
binary-image-segmentation computer-vision crop-image django face-detection framework opencv-python pipeline python3
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/kedro_orchestrate_dl_transformer_arch
A pipeline using Kedro to orchestrate the deployment of a deep learning transformer model for classifying toxic comments. This project integrates data preprocessing, model training, and deployment into a streamlined and reproducible workflow, enabling efficient handling of the toxic comment classification problem in NLP.
deep-learning fastapi grafana kedro mlflow mlops-project mlops-workflow nlp prometheus
Last synced: 29 Dec 2024
https://github.com/neemiasbsilva/optical-flow-opencv
Using Optical Flow (Lucas Kenaedes), and Dense Optical Flow techniques to object tracking.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/kmeans-image-segmentation
Apply K-means technique to plant segmentations
k-means k-means-clustering k-means-implementation-in-python kmeans-opencv plant-segmentation
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/harris-corner-apply-street-map
A Harris Corner Detection approach for Segment the Number of Corner in Street Map
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/yolov3-detect-person-car
Using YOLO (You Only Look Once) object detection algorithm to detect persons and cars.
algorithm bounding-boxes cars cars-person cnn-keras computer-vision data-science deep-learning detect-car detect-person detect-persons detection-algorithm keras-tensorflow object-detection python python3 region yolo yolo3 yolov3
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/applying-mtcnn-face-detection
Applying Multi-task Cascade Convolutional Neural Network (MTCNN) for face detection problem.
application cnn computer-vision face-detection
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/django-keras-counting-leaf
Keras CNN model for Plant Leaf Counting integrated into Django Framework and Deploy to Heroku
django heroku heroku-deployment herokuapp keras machine-learning plant-counting plant-phenotypes regression
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/developing-nanogpt2-fineweb
Developing a cusstom nano GPT-2 from scratch using PyTorch on the Fineweb dataset.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/datascience-portfolio
Hello guys, welcome to my Data Science Portfolio. I include some knowledges I earn in my journey. I included some case study, papers, and code. Please check the readme.
case-study churn-prediction code-challenges data-analysis data-science deep-learning forecasting fundamental-of-statistics health-care image-recognition machine-learnin machine-learning math mathematics pattern-recognition portfolio programming-skills speech-emotion-detection statistics voice-activity-detection
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/stock-movement-predictions
A Long-Short Term Memory approach for Stock Market Movement Predictions.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/webscraping
This repository was created for shown some techniques of Web Scrapping using python
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/binary-mask-computer-vision
Implementation of binary mask by hand using Jupiter notebook and python script
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/object-detection-opencv
This repository was created to show some techniques using Python and OpenCv
computer-vision object-detection opencv opencv-python template-matching
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/compiler-lexical-analysis
This repository have one implementation of the assignment lexical analysis for the COMPILERS course.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/advanced-topics-computer-science
Advanced topics in computer science i.e. disjoint set, Kruskal's algorithm, binary indexed tree, and so forth.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/basics-video-with-opencv
Using Python and OpenCv to Manipulating Video Basics and Live Camera.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/mlops-with-tensorflow-extends
This repository was created for use TensorFlow Extended Component in some machine learning problems eg.: (Speech Recognition, Probabilistic, Image Recognition).
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/blockchain-smartcontracts-evm-tutorial
A blockchain, ethereum, smart contracts, and EVM tutorial using solidity contract oriented.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/linear-regression-js
Predicting Brain Weight Based on Head Size Using Linear Regression (JavaScript Programing Language)
headbrain-dataset javascript linear-regression linear-regression-javascript
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/artificial-intelligence-topics
In this repository have two algorithm for unsupervised learning denominated: Kmeans and DBscan.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/autoencoder-mnits
Building Auto Encoder Compression and User Mnist Dataset
auto-encoder-compression computer-vision deep-learning deep-learning-algorithms deep-learning-tutorial mnist-dataset
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/lfa
Linguagens Formais e Autômatos -- (LFA) Implementações
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/compilers
This repository was created for the Compilers Course from Federal University of Mato Grosso do Sul.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/minigpt4-image-caption-generation
Streamline the creation of supervised datasets to facilitate data augmentation for deep learning architectures focused on image captioning. The core framework leverages MiniGPT-4, complemented by the pre-trained Vicuna model, which boasts 13 billion parameters.
caption image-caption-generator minigpt4
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/gmac
GMAC is an extension project at UFMS, Brasil. For more detail checkout the readme.md
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/programming-skills
Welcome to my repository of programming skills. Summary, i will show some implementations of classic programming challange. I'II try to use in most of problem Java program language, because I want to improve my skills in this language.
code-challenge-practice programming programming-challenges
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/memory-management-techniques
The purpose of this repository is to show the implementation of partitioned contiguous allocation techniques, as well as show the three main allocation strategies (First Fit, Best Fit and Worst Fit).
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/speech_recognition_tutorial
Learning speech analytics and recognition to apply machine learning techniques.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/nlp-python-book-ch1-language-processing
Exercise of Natural Language Processing with Python (Book) - Chapter 1: Language Processing.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/steganography_in_image
This repository was created for hide some text information in image.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/imdb_text_to_word_embeddings
The goal of this project is to help data scientists how to transform text into word embeddings for use it in machine learning algorithms.
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/tsp-genetic-algorithm
Applying Genetic Algorithm to solve the travelling salesman problem
genetic-algorithm python3 tsp-problem tsp-solver
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/handling-netcdf-using-python
Automating Mass Downloading netCDF File for use to GISS ( Goddard Institute for Space Studies) Software
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/dl-and-computer-vision
Using Deep Learning and Computer Vision: SSD, OpenCv, etc.
computer-vision computer-vision-opencv data-science deep-learning deep-learning-tutorial dog-detection dogs-vs-cats face-detection image-processing opencv python python3 ssd
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/expense-controll-django
Create my first project with Django applied to expense controll
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/image-processing
Techniques of Deep Learning and Machine Learning applied to datasets of image (e.g. mnist, Brasilian Coins, etc).
Last synced: 05 Jan 2025
https://github.com/neemiasbsilva/neemiasbsilva
Design a GitHub profile using Readme.md
Last synced: 05 Jan 2025