Replication Package for "An Empirical Study of the Effectiveness of an Ensemble of Stand-alone Sentiment Detection Tools for Software Engineering Datasets"

Overview

Replication Package for "An Empirical Study of the Effectiveness of an Ensemble of Stand-alone Sentiment Detection Tools for Software Engineering Datasets"

  • The file "SentiseadCode.zip" contains the source code of Sentisead using Random Forest.

  • https://www.kaggle.com/giasuddin/hybridsentiment contains the code we used to experiment with advanced language-based pre-trained transformer models (PTM)

  • The file "Results in Invididual Datasets.docx" shows performance of individual and hybrid tools on the entire datasets as well as the six datasets.

  • The file "ResultsConsolidatedWithEnsambleAssessment_BERTLabeledFinal.xlsx" contains all the data we used to answer RQ1-RQ8. The following columns are necessary in the above file to understand the data:

    1. "File" colmun shows the six studied datasets. This column also shows the folds per file that we used. For example, "DatasetLinJIRA_Cleaned_test_0" denotes the fold 0 in the Lin et al. JIRA dataset, "DatasetLinJIRA_Cleaned_test_1" denotes fold 1, etc.
    2. "Sentence" column shows the raw sentence
    3. "ManualLabel" column shows the grouth turth sentiment polarity label of the sentence
    4. "DsoLabelFullText" shows the polarity label of Opiner on the sentence
    5. "POME" shows the polarity label of POME on the sentence
    6. "Senti4SD" shows the polarity label of Senti4SD on the sentence after 10-fold cross validation per dataset
    7. "SentiCR" shows the polarity label of SentiCR on the sentence after 10-fold cross validation per dataset
    8. "SentistrengthSE" shows the polarity label of SentistrengthSE on the sentence
    9. "Shannon" shows the entropy score of the sentence based on all texts
    10. "ShannonAdjective" shows the entropy score of the sentence based on all adjectives
    11. "Ensemble_RF" shows the polarity label of a sentence from Sentiead_B (RQ4) after 10-fold cross validation per dataset
    12. 'BERT', 'ROBERTA', 'XLNET', 'ALBERT' show the polarity label of a sentence from stand-alone PTMs (RQ6) after 10-fold cross validation per dataset
    13. 'SentiseadBert', 'SentiseadRoberta', 'SentiseadXlnet', 'SentiseadAlbert' show the polarity label of a sentence from Sentiead_{PTM} (RQ7) after 10-fold cross validation per dataset
    14. 'SentiseadBertPlus', 'SentiseadRobertaPlus', 'SentiseadXlnetPlus', 'SentiseadAlbertPlus' show the polarity label of a sentence from Sentiead_{PTM}+ (RQ8) after 10-fold cross validation per dataset
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" on Semantic Segmentation.

Swin Transformer for Semantic Segmentation of satellite images This repo contains the supported code and configuration files to reproduce semantic seg

23 Oct 10, 2022
Sequence-tagging using deep learning

Classification using Deep Learning Requirements PyTorch version = 1.9.1+cu111 Python version = 3.8.10 PyTorch-Lightning version = 1.4.9 Huggingface

Vineet Kumar 2 Dec 20, 2022
AnimationKit: AI Upscaling & Interpolation using Real-ESRGAN+RIFE

ALPHA 2.5: Frostbite Revival (Released 12/23/21) Changelog: [ UI ] Chained design. All steps link to one another! Use the master override toggles to s

87 Nov 16, 2022
DvD-TD3: Diversity via Determinants for TD3 version

DvD-TD3: Diversity via Determinants for TD3 version The implementation of paper Effective Diversity in Population Based Reinforcement Learning. Instal

3 Feb 11, 2022
JittorVis - Visual understanding of deep learning models

JittorVis: Visual understanding of deep learning model JittorVis is an open-source library for understanding the inner workings of Jittor models by vi

thu-vis 182 Jan 06, 2023
Reproduce results and replicate training fo T0 (Multitask Prompted Training Enables Zero-Shot Task Generalization)

T-Zero This repository serves primarily as codebase and instructions for training, evaluation and inference of T0. T0 is the model developed in Multit

BigScience Workshop 253 Dec 27, 2022
A library for augmentation of a YOLO-formated dataset

YOLO Dataset Augmentation lib Инструкция по использованию этой библиотеки Запуск всех файлов осуществлять из консоли. GoogleCrawl_to_Dataset.py Это ск

Egor Orel 1 Dec 10, 2022
PyTorch EO aims to make Deep Learning for Earth Observation data easy and accessible to real-world cases and research alike.

Pytorch EO Deep Learning for Earth Observation applications and research. 🚧 This project is in early development, so bugs and breaking changes are ex

earthpulse 28 Aug 25, 2022
PyTorch implementation of paper A Fast Knowledge Distillation Framework for Visual Recognition.

FKD: A Fast Knowledge Distillation Framework for Visual Recognition Official PyTorch implementation of paper A Fast Knowledge Distillation Framework f

Zhiqiang Shen 129 Dec 24, 2022
This is an official implementation for "Self-Supervised Learning with Swin Transformers".

Self-Supervised Learning with Vision Transformers By Zhenda Xie*, Yutong Lin*, Zhuliang Yao, Zheng Zhang, Qi Dai, Yue Cao and Han Hu This repo is the

Swin Transformer 529 Jan 02, 2023
Rethinking Transformer-based Set Prediction for Object Detection

Rethinking Transformer-based Set Prediction for Object Detection Here are the code for the ICCV paper. The code is adapted from Detectron2 and AdelaiD

Zhiqing Sun 62 Dec 03, 2022
Pytorch implementation of the paper: "A Unified Framework for Separating Superimposed Images", in CVPR 2020.

Deep Adversarial Decomposition PDF | Supp | 1min-DemoVideo Pytorch implementation of the paper: "Deep Adversarial Decomposition: A Unified Framework f

Zhengxia Zou 72 Dec 18, 2022
Pytorch Implementation of Spiking Neural Networks Calibration, ICML 2021

SNN_Calibration Pytorch Implementation of Spiking Neural Networks Calibration, ICML 2021 Feature Comparison of SNN calibration: Features SNN Direct Tr

Yuhang Li 60 Dec 27, 2022
Unofficial TensorFlow implementation of Protein Interface Prediction using Graph Convolutional Networks.

[TensorFlow] Protein Interface Prediction using Graph Convolutional Networks Unofficial TensorFlow implementation of Protein Interface Prediction usin

YeongHyeon Park 9 Oct 25, 2022
Classify music genre from a 10 second sound stream using a Neural Network.

MusicGenreClassification Academic research in the field of Deep Learning (Deep Neural Networks) and Sound Processing, Tel Aviv University. Featured in

Matan Lachmish 453 Dec 27, 2022
CVNets: A library for training computer vision networks

CVNets: A library for training computer vision networks This repository contains the source code for training computer vision models. Specifically, it

Apple 1.1k Jan 03, 2023
Pseudo-Visual Speech Denoising

Pseudo-Visual Speech Denoising This code is for our paper titled: Visual Speech Enhancement Without A Real Visual Stream published at WACV 2021. Autho

Sindhu 94 Oct 22, 2022
Alleviating Over-segmentation Errors by Detecting Action Boundaries

Alleviating Over-segmentation Errors by Detecting Action Boundaries Forked from ASRF offical code. This repo is the a implementation of replacing orig

13 Dec 12, 2022
Read number plates with https://platerecognizer.com/

HASS-plate-recognizer Read vehicle license plates with https://platerecognizer.com/ which offers free processing of 2500 images per month. You will ne

Robin 69 Dec 30, 2022
ByteTrack超详细教程!训练自己的数据集&&摄像头实时检测跟踪

ByteTrack超详细教程!训练自己的数据集&&摄像头实时检测跟踪

Double-zh 45 Dec 19, 2022