NtaylorOX
PhD student at University of Oxford studying NLP applicaitons for limited resource clinical settings
University of Oxford
Pinned Repositories
ELM4PSIR
ELM4PSIR - Exploring Language Modelling for (NHS) Patient Safety Incident Reports - DART PhD Internship Project
efficient-ml
Experiments towards efficient use of compact biomedical LMs
adapter-bert
allennlp
An open-source NLP research library, built on PyTorch.
bert-extractive-summarizer
Easy to use extractive text summarization with BERT
buzzwords
GPU-Powered Topic Modelling
Healthcare_LLM_Embeddings
medical_notes_extractive_summarization
Extractive summarizationof medical transcriptions
n2c2_track1_challenge
Public_Clinical_Prompt
NtaylorOX's Repositories
NtaylorOX/buzzwords
GPU-Powered Topic Modelling
NtaylorOX/Healthcare_LLM_Embeddings
NtaylorOX/BespokeLLM_Triage
NtaylorOX/BioInstTune-LLM
NtaylorOX/clin-summ
Clinical text summarization by adapting large language models
NtaylorOX/DeCLUTR
The corresponding code from our paper "DeCLUTR: Deep Contrastive Learning for Unsupervised Textual Representations". Do not hesitate to open an issue if you run into any trouble!
NtaylorOX/emb-gam
An interpretable and efficient predictor using pre-trained language models. Scikit-learn compatible.
NtaylorOX/ferret
A python package for benchmarking interpretability techniques.
NtaylorOX/HealthLLM
Health-LLM: Personalized Retrieval-Augmented Disease Prediction Model
NtaylorOX/hf_opensource_projects
NtaylorOX/intro_to_llm_agents
Simple introduction to LLM Agents
NtaylorOX/KEPT_Knowledge_Prompt_MIMIC
NtaylorOX/llava-phi
NtaylorOX/lm-evaluation-harness
A framework for few-shot evaluation of autoregressive language models.
NtaylorOX/localLLM_langchain
Local LLM Agent with Langchain
NtaylorOX/MentalLLaMA
This repository introduces MentaLLaMA, the first open-source instruction following large language model for interpretable mental health analysis.
NtaylorOX/mergekit
Tools for merging pretrained large language models.
NtaylorOX/Pegasus_with_Longformer_summarization
NtaylorOX/personal_llm_assistant
NtaylorOX/Phi2_multimodal
NtaylorOX/random_nn_tutorials
Paper implementations from scratch and machine learning tutorials
NtaylorOX/RoBERT_Recurrence_over_BERT
pyTorch implementation of Recurrence over BERT (RoBERT) based on this paper https://arxiv.org/abs/1910.10781 and comparison with pyTorch implementation of other Hierarchical Methods (Mean Pooling and Max Pooling) and Truncation Methods (Head Only and Tail Only) presented in this paper https://arxiv.org/abs/1905.05583
NtaylorOX/setfit
Efficient few-shot learning with Sentence Transformers
NtaylorOX/setfit-few-shot-classification-sample
NtaylorOX/synthetic-data-blog
This is the reproduction repository for my 🤗 Hugging Face blog post on synthetic data
NtaylorOX/targetedSummarization
TextReducer - A Tool for Summarization and Information Extraction
NtaylorOX/Text-To-Image-Generator
Python GUI application that generates images based on user prompts using the StableDiffusionPipeline model from the diffusers module. The application allows users to enter a prompt, click a button to generate an image based on the prompt, and view the generated image in the GUI window.
NtaylorOX/topicx_is_neural_tm_better_than_clustering
Model zoo for topic models, neural topic models, contextual embeddings for topic models ...
NtaylorOX/transformer-embedding-space
NtaylorOX/whatlies
Toolkit to help understand "what lies" in word embeddings. Also benchmarking!