Pinned Repositories
64Chan-EEG-Data-prep-and-Classification
Jupyter Notebooks and Python scripts for processing, analysing and classifying EEG data recorded from a 64-channel data acquisition system while subjects performed overt and imagined speech tasks. \n - preprocessing/preprocessing_main.ipynb
AnalisisDatosNoEstructurados
Prácticas de la asignatura de Análisis de Datos No Estructurados
Audio-classification-using-Bag-of-Frames-approach
Classification of different categories of audio clips, especially non speech sounds using Bag-of-Frames approach.
audio-data-augmentation
Audio data augmentation examples
AUDIO_Processing_Udacity-ML-Capstone
Udacity 2018 Machine Learning Nanodegree Capstone project
Data-science-toolkit
Useful Data Science algorithms in R & Python (from data cleaning and modelling to evaluation)
DIC_Master_NegocioDigital_BigData_DataScience
Prácticas Máster Digital Innovation Center
docs
TensorFlow documentation
Machine_Learning_for_Kids
Tools to create funny ML projects from scratch with kids https://machinelearningforkids.co.uk/#!/worksheets
PySpark
EDX Introduction to Big Data with Apache Spark + Other experiments
anitalp's Repositories
anitalp/docs
TensorFlow documentation
anitalp/AudioSep
Official implementation of "Separate Anything You Describe"
anitalp/audioset_tagging_cnn
anitalp/AudioSignalProcessingForML
Code and slides of my YouTube series called "Audio Signal Proessing for Machine Learning"
anitalp/audiotext-transformer
Multimodal Transformer for Korean Sentiment Analysis with Audio and Text Features
anitalp/Book2Comic
A tool that turns little books into comics using GenAI
anitalp/Car-Damage-Project
Project on Object Identification, using car images
anitalp/Catch-A-Waveform
Official pytorch implementation of the paper: "Catch-A-Waveform: Learning to Generate Audio from a Single Short Example" (NeurIPS 2021)
anitalp/ClasificadorAves-Raul-ICAI
anitalp/Deep_Learning
anitalp/DeepEEG
Deep Learning with Tensor Flow for EEG MNE Epoch Objects
anitalp/DeepLearningForAudioWithPython
Code and slides for the "Deep Learning (For Audio) With Python" course on TheSoundOfAI Youtube channel.
anitalp/DisVoice
feature extraction from speech signals
anitalp/eeg-pain-detection
Repository for detection of pain from EEG brain signals using machine learning
anitalp/interpretable-ml-book
Book about interpretable machine learning
anitalp/mbd_audio_birds
Bird song classifier
anitalp/mbd_image_facemask
Práctica de clasificación de imágenes para la asignatura de análisis de datos no estructurados
anitalp/models
Models and examples built with TensorFlow
anitalp/Music-Genre-Classification
Clasificación de los géneros musicales utilizando técnicas de aprendizaje profundo (CNN y LSTM) en el conjunto de datos GTZAN. Classification of musical genres using Deep Learning techniques (CNN and LSTM) on the GTZAN dataset.
anitalp/Music_Genre_Classification
anitalp/music_genre_classification-1
music genre classification : LSTM vs Transformer
anitalp/nlp-de-cero-a-cien
Curso práctico: NLP de cero a cien 🤗
anitalp/noEstructurado
Análisis de datos no estructurados - ICAI
anitalp/sklearn-audio-transfer-learning
A didactic toolkit to rapidly prototype audio classifiers with pre-trained Tensorflow models and Scikit-learn
anitalp/speech_yolo
SpeechYOLO Interspeech 2019
anitalp/tensorflow_object_counting_api
🚀 The TensorFlow Object Counting API is an open source framework built on top of TensorFlow and Keras that makes it easy to develop object counting systems!
anitalp/YAMNet-transfer-learning
Notebooks for fine-tuning the pre-trained Tensorflow YAMNet model
anitalp/YAMNet_transfer
anitalp/YOLO-Object-Detection
YOLO is a state-of-the-art, real-time object detection algorithm. In this notebook, we will apply the YOLO algorithm to detect objects in images.
anitalp/YOLO_Object_Detection
This is the code for "YOLO Object Detection" by Siraj Raval on Youtube