norbertstrzelecki
Machine Learning Research Engineer. I speak MLOps, what's your superpower? /-/ [go:py:gcp:aws:ml:dl]
PearsonPoland
Pinned Repositories
allegro_auto_buy
Just provide your credentials (login, pass, api key), product id and you will buy from Allegro with one click.
automatic-watermark-detection
Project for Digital Image Processing
awesome-ml-for-cybersecurity
:octocat: Machine Learning for Cyber Security
biotools
A list of useful bioinformatics resources
Credit-Card-Fraud-Detection-using-Autoencoders-in-Keras
iPython notebook and pre-trained model that shows how to build deep Autoencoder in Keras for Anomaly Detection in credit card transactions data
lstm_word2vec_spam_classifier
data_science dir: Polish language spam classification using 1) word2vec embeddings with LSTMs, 2) lemmatized vectors with Morfeusz library and Multinomial Naive Bayes algo
personalized_medicine_cancer_variants_classification
Classification of genetic mutations based on clinical evidence provided as text description
re_ranking_by_optimizing_ndcg_measure
Re-ranking documents optimising NDCG measure with XGBRanker model
skin_cancer_classifier
Benign vs malignant skin cancer classification on material from The International Skin Imaging Collaboration
tour_de_pologne_top10
Tour de Pologne, Poland-based road bike race Top 10 finishers prediction.
norbertstrzelecki's Repositories
norbertstrzelecki/re_ranking_by_optimizing_ndcg_measure
Re-ranking documents optimising NDCG measure with XGBRanker model
norbertstrzelecki/skin_cancer_classifier
Benign vs malignant skin cancer classification on material from The International Skin Imaging Collaboration
norbertstrzelecki/allegro_auto_buy
Just provide your credentials (login, pass, api key), product id and you will buy from Allegro with one click.
norbertstrzelecki/automatic-watermark-detection
Project for Digital Image Processing
norbertstrzelecki/awesome-ml-for-cybersecurity
:octocat: Machine Learning for Cyber Security
norbertstrzelecki/biotools
A list of useful bioinformatics resources
norbertstrzelecki/Credit-Card-Fraud-Detection-using-Autoencoders-in-Keras
iPython notebook and pre-trained model that shows how to build deep Autoencoder in Keras for Anomaly Detection in credit card transactions data
norbertstrzelecki/lstm_word2vec_spam_classifier
data_science dir: Polish language spam classification using 1) word2vec embeddings with LSTMs, 2) lemmatized vectors with Morfeusz library and Multinomial Naive Bayes algo
norbertstrzelecki/personalized_medicine_cancer_variants_classification
Classification of genetic mutations based on clinical evidence provided as text description
norbertstrzelecki/tour_de_pologne_top10
Tour de Pologne, Poland-based road bike race Top 10 finishers prediction.
norbertstrzelecki/deep_learning_object_detection
A paper list of object detection using deep learning.
norbertstrzelecki/flair
A very simple framework for state-of-the-art Natural Language Processing (NLP)
norbertstrzelecki/gpt-2
Code for the paper "Language Models are Unsupervised Multitask Learners"
norbertstrzelecki/keras-segnet
SegNet model implemented using keras framework
norbertstrzelecki/keras-yolo2
Easy training on custom dataset. Various backends (MobileNet and SqueezeNet) supported. A YOLO demo to detect raccoon run entirely in brower is accessible at https://git.io/vF7vI (not on Windows).
norbertstrzelecki/kubernetes
Production-Grade Container Scheduling and Management
norbertstrzelecki/livelossplot
Live training loss plot in Jupyter Notebook for Keras, PyTorch and others
norbertstrzelecki/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
norbertstrzelecki/Mastering-Machine-Learning-for-Penetration-Testing
Mastering Machine Learning for Penetration Testing, published by Packt
norbertstrzelecki/mit-deep-learning
Tutorials, assignments, and competitions for MIT Deep Learning related courses.
norbertstrzelecki/numerical-linear-algebra
Free online textbook of Jupyter notebooks for fast.ai Computational Linear Algebra course
norbertstrzelecki/stanfordnlp
Official Stanford NLP Python Library for Many Human Languages
norbertstrzelecki/stockpredictionai
In this noteboook I will create a complete process for predicting stock price movements. Follow along and we will achieve some pretty good results. For that purpose we will use a Generative Adversarial Network (GAN) with LSTM, a type of Recurrent Neural Network, as generator, and a Convolutional Neural Network, CNN, as a discriminator. We use LSTM for the obvious reason that we are trying to predict time series data. Why we use GAN and specifically CNN as a discriminator? That is a good question: there are special sections on that later.
norbertstrzelecki/voice-web
Common Voice is part of Mozilla's initiative to help teach machines how real people speak.
norbertstrzelecki/xcessiv
A web-based application for quick, scalable, and automated hyperparameter tuning and stacked ensembling in Python.