diff --git a/evaluate.py b/evaluate.py deleted file mode 100644 index d6c87bb..0000000 --- a/evaluate.py +++ /dev/null @@ -1,36 +0,0 @@ -import warnings -from transformers import AutoTokenizer, AutoModel -import torch -import torch.nn.functional as F - -# Suppress FutureWarnings and other warnings -warnings.simplefilter(action='ignore', category=FutureWarning) - -# Load the tokenizer and the model -tokenizer = AutoTokenizer.from_pretrained('allenai/scibert_scivocab_uncased') -model = AutoModel.from_pretrained('allenai/scibert_scivocab_uncased') - -# Function to compute sentence embeddings by pooling token embeddings (CLS token) -def get_sentence_embedding(text): - inputs = tokenizer(text, return_tensors="pt", padding=True, truncation=True, max_length=512) - with torch.no_grad(): - outputs = model(**inputs) - - # Pooling strategy: Use the hidden state of the [CLS] token as the sentence embedding - cls_embedding = outputs.last_hidden_state[:, 0, :] # Shape: (batch_size, hidden_size) - return cls_embedding - -# Example subject and abstract -subject = "Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer" -abstract = """ -The research work presented in this paper aims to optimise the dynamic response of a carbon-epoxy plate by including into the laminate one frequency-dependent interleaved viscoelastic layer. To keep an acceptable bending stiffness, some holes are created in the viscoelastic layer, thus facilitating the resin through layer pene- tration during the co-curing manufacturing process. Plates including (or not) one perforated (or non-perforated) viscoelastic layer are manufactured and investigated experimentally and numerically. First, static and dynamic tests are performed on sandwich coupons to characterise the stiffness and damping properties of the plates in a given frequency range. Resulting mechanical properties are then used to set-up a finite element model and simulate the plate dynamic response. In parallel, fre- quency response measurements are carried out on the manufactured plates, then successfully confronted to the numerical results. Finally, a design of experiments is built based on a limited number on numerical simulations to find the configuration of bridges that maximises the damping while keeping a stiffness higher than half the stiffness of the equivalent undamped plate.""" - -# Get embeddings -subject_embedding = get_sentence_embedding(subject) -abstract_embedding = get_sentence_embedding(abstract) - -# 2. **Measure Semantic Similarity Using Cosine Similarity** - -# Compute cosine similarity between subject and abstract embeddings -similarity = F.cosine_similarity(subject_embedding, abstract_embedding) -print(f"Cosine Similarity: {similarity.item():.4f}") diff --git a/key-scrub-evaluate.py b/key-scrub-evaluate.py deleted file mode 100644 index 1fba0dc..0000000 --- a/key-scrub-evaluate.py +++ /dev/null @@ -1,163 +0,0 @@ -import warnings -from transformers import AutoTokenizer, AutoModel -from keybert import KeyBERT -import torch -import torch.nn.functional as F -import requests -import progressbar -from itertools import combinations - - -# Me -#subject = "Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer" -#query = "composite viscoelastic damping" - -# Anne -#subject = "State of the art on the identification of wood structure natural frequencies. Influence of the mechanical properties and interest in sensitivity analysis as prospects for reverse identification method of wood elastic properties." -#query = "wood frequency analysis mechanical properties" - -# Axel -#subject = "Characterization of SiC MOSFET using double pulse test method." -#query = "SiC MOSFET double pulse test" - -# Paul -#subject = "Thermo-Mechanical Impact of temperature oscillations on bonding and metallization for SiC MOSFETs soldered on ceramic substrate" -#query = "thermo mechanical model discrete bonding SiC MOSFET" - -# Jam -#subject = "tig welding of inconel 625 and influences on micro structures" -#query = "tig welding inconel 625" - -subject = "artificial inetlligence for satellite detection" - -widgets = [' [', - progressbar.Timer(format= 'elapsed time: %(elapsed)s'), - '] ', - progressbar.Bar('*'),' (', - progressbar.ETA(), ') ', - ] - -# Suppress FutureWarnings and other warnings -warnings.simplefilter(action='ignore', category=FutureWarning) - -print("\n### Fetching Data ###\n") - -# Load the tokenizer and the model -tokenizer = AutoTokenizer.from_pretrained('allenai/scibert_scivocab_uncased') - -print("* Got tokenizer") - -model = AutoModel.from_pretrained('allenai/scibert_scivocab_uncased') - -print("* Got model") - -kw_model = KeyBERT() - -print("* Got Keybert") - -# Function to compute sentence embeddings by pooling token embeddings (CLS token) -def get_sentence_embedding(text): - inputs = tokenizer(text, return_tensors="pt", padding=True, truncation=True, max_length=512) - with torch.no_grad(): - outputs = model(**inputs) - - # Pooling strategy: Use the hidden state of the [CLS] token as the sentence embedding - cls_embedding = outputs.last_hidden_state[:, 0, :] # Shape: (batch_size, hidden_size) - return cls_embedding - -# Function to compute cosine similarity -def compute_similarity(embedding1, embedding2): - similarity = F.cosine_similarity(embedding1, embedding2) - return similarity.item() - -print("\n### Getting Keywords ###\n") - -keywords = kw_model.extract_keywords(subject, keyphrase_ngram_range=(1, 2), stop_words='english', use_mmr=True, diversity=0.7) - -print("* keywords extracted") -sorted_keywords = sorted(keywords, key=lambda x: -x[1]) -text_keywords = [x[0] for x in sorted_keywords] - -queries = [] - -for r in range(1, len(text_keywords) + 1): - comb = combinations(text_keywords, r) - queries.extend(comb) - -final_query = [" OR ".join(query) for query in queries] - -final_query.append(subject) - -print("* query generated") - -print("\n### Fetching Web data ###\n") - -# Define the SearxNG instance URL and search query -searxng_url = "https://search.penwing.org/search" # Replace with your instance URL -params = { - "q": final_query, # Your search query - "format": "json", # Requesting JSON format - "categories": "science", # You can specify categories (optional) -} - -# Send the request to SearxNG API -response = requests.get(searxng_url, params=params) - -# Check if the request was successful -if response.status_code == 200: - print("* Got response") - # Parse the JSON response - data = response.json() - - subject_embedding = get_sentence_embedding(subject) - - print("* Tokenized subject") - - # List to store results with similarity scores - scored_results = [] - - results = data.get("results", []) - progress = 0 - - - print("\n### Starting result processing (",len(results),") ###\n") - - bar = progressbar.ProgressBar(widgets=[progressbar.Percentage(), progressbar.Bar()], - maxval=len(results)).start() - - # Process each result - for result in results : - title = result['title'] - url = result['url'] - snippet = result['content'] - - # Get embedding for the snippet (abstract) - snippet_embedding = get_sentence_embedding(snippet) - - # Compute similarity between subject and snippet - similarity = compute_similarity(subject_embedding, snippet_embedding) - - # Store the result with its similarity score - scored_results.append({ - 'title': title, - 'url': url, - 'snippet': snippet, - 'similarity': similarity - }) - - progress += 1 - bar.update(progress) - - # Sort the results by similarity (highest first) - top_results = sorted(scored_results, key=lambda x: x['similarity'], reverse=True)[:10] - - print("\n\n### Done ###\n") - # Print the top 10 results - for idx, result in enumerate(top_results, 1): - print(f"Rank {idx} ({result['similarity']:.4f}):") - print(f"Title: {result['title']}") - print(f"URL: {result['url']}") - print(f"Snippet: {result['snippet']}") - print("-" * 40) -else: - print(f"Error: {response.status_code}") diff --git a/key.py b/key.py index 5b0f4cb..c07948a 100644 --- a/key.py +++ b/key.py @@ -36,7 +36,7 @@ for r in range(1, len(text_keywords) + 1): # r is the length of combinations #print([" OR ".join(query) for query in queries]) -text_queries = [" OR ".join(query) for query in queries] +text_queries = ["\"" + "\" OR \"".join(query) + "\"" for query in queries] text_queries.append(subject) diff --git a/key2.py b/key2.py deleted file mode 100644 index 19fb8d1..0000000 --- a/key2.py +++ /dev/null @@ -1,8 +0,0 @@ -from rake_nltk import Rake -import nltk - -rake_nltk_var = Rake() -text = "Characterization of SiC MOSFET using double pulse test method." -rake_nltk_var.extract_keywords_from_text(text) -keyword_extracted = rake_nltk_var.get_ranked_phrases() -print(keyword_extracted) diff --git a/key3.py b/key3.py deleted file mode 100644 index a8959d5..0000000 --- a/key3.py +++ /dev/null @@ -1,5 +0,0 @@ -import spacy -nlp = spacy.load("en_core_sci_lg") -text = "Characterization of SiC MOSFET using double pulse test method" -doc = nlp(text) -print(doc.ents) diff --git a/key4.py b/key4.py deleted file mode 100644 index 1b32ce3..0000000 --- a/key4.py +++ /dev/null @@ -1,5 +0,0 @@ -from gensim.summarization import keywords - -text_en = ('Characterization of SiC MOSFET using double pulse test method.') - -print(keywords(text_en,words = 5,scores = True, lemmatize = True)) diff --git a/logs/run_09-27_13-38.log b/logs/run_09-27_13-38.log new file mode 100644 index 0000000..2d9cb05 --- /dev/null +++ b/logs/run_09-27_13-38.log @@ -0,0 +1,549 @@ +# Hin run, 09-27_13-38 + +Subject : Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer + +## Keywords + +['viscoelastic layer', 'epoxy', 'optimization carbon', 'frequency', 'interleaved'] + +## Queries + +"viscoelastic layer"; +"epoxy"; +"optimization carbon"; +"frequency"; +"interleaved"; +"viscoelastic layer" OR "epoxy"; +"viscoelastic layer" OR "optimization carbon"; +"viscoelastic layer" OR "frequency"; +"viscoelastic layer" OR "interleaved"; +"epoxy" OR "optimization carbon"; +"epoxy" OR "frequency"; +"epoxy" OR "interleaved"; +"optimization carbon" OR "frequency"; +"optimization carbon" OR "interleaved"; +"frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon"; +"viscoelastic layer" OR "epoxy" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency"; +"epoxy" OR "optimization carbon" OR "interleaved"; +"epoxy" OR "frequency" OR "interleaved"; +"optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; +Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer; + +## Results + +Title: Viscoelastic Effects during Tangential Contact Analyzed by a Novel Finite Element Approach with Embedded Interface Profiles +URL: http://arxiv.org/abs/2110.07886v1 + +Title: Viscoelastic amplification of the pull-off stress in the detachment of a rigid flat punch from an adhesive soft viscoelastic layer +URL: http://arxiv.org/abs/2310.07597v2 + +Title: Controllability of a viscoelastic plate using one boundary control in displacement or bending +URL: http://arxiv.org/abs/1604.02240v1 + +Title: Extended plane wave expansion formulation for viscoelastic phononic thin plates +URL: http://arxiv.org/abs/2310.14916v1 + +Title: Oscillatory laminar shear flow over a compliant viscoelastic layer on a rigid base +URL: http://arxiv.org/abs/1705.04479v1 + +Title: Simulations of wobble damping in viscoelastic rotators +URL: http://arxiv.org/abs/1901.01439v3 + +Title: Effect of viscoelastic fluid on the lift force in lubricated contacts +URL: http://arxiv.org/abs/2308.10400v1 + +Title: Derivation of von Kármán plate theory in the framework of three-dimensional viscoelasticity +URL: http://arxiv.org/abs/1902.10037v4 + +Title: Dynamics of two linearly elastic bodies connected by a heavy thin soft viscoelastic layer +URL: http://arxiv.org/abs/1912.05600v1 + +Title: Boundary layer in linear viscoelasticity +URL: http://arxiv.org/abs/1912.06122v1 + +Title: Application of Mössbauer spectroscopy to study vibrations of a granular medium excited by ultrasound +URL: http://arxiv.org/abs/2001.07511v1 + +Title: Frequency-induced Negative Magnetic Susceptibility in Epoxy/Magnetite Nanocomposites +URL: http://arxiv.org/abs/2011.04199v3 + +Title: Decay estimate in a viscoelastic plate equation with past history, nonlinear damping, and logarithmic nonlinearity +URL: http://arxiv.org/abs/2206.12561v1 + +Title: Study on the fabrication of low-pass metal powder filters for use at cryogenic temperatures +URL: http://arxiv.org/abs/1605.07597v1 + +Title: Viscoelasticity and elastocapillarity effects in the impact of drops on a repellent surface +URL: http://arxiv.org/abs/2105.09244v1 + +Title: Interlaminar toughening in structural carbon fiber/epoxy composites interleaved with carbon nanotube veils +URL: http://arxiv.org/abs/1905.09080v2 + +Title: Piezoelectric polyvinylidene fluoride-based epoxy composites produced by combined uniaxial compression and poling +URL: http://arxiv.org/abs/1909.13234v1 + +Title: Permittivity and permeability of epoxy-magnetite powder composites at microwave frequencies +URL: http://arxiv.org/abs/2001.02336v1 + +Title: Feature-based prediction of properties of cross-linked epoxy polymers by molecular dynamics and machine learning techniques +URL: http://arxiv.org/abs/2312.07149v1 + +Title: Stabilization for vibrating plate with singular structural damping +URL: http://arxiv.org/abs/1905.13089v1 + +Title: Characterization of the frequency response of channel-interleaved photonic ADCs based on the optical time-division demultiplexer +URL: http://arxiv.org/abs/2109.04362v1 + +Title: Simulations of turbulence over compliant walls +URL: http://arxiv.org/abs/2111.01183v1 + +Title: Timescale bridging in atomistic simulations of epoxy polymer mechanics using non-affine deformation theory +URL: http://arxiv.org/abs/2406.02113v1 + +Title: Interleaved winding and suppression of natural frequencies +URL: https://doi.org/10.1049/iet-epa.2012.0362 + +Title: ConcertoRL: An Innovative Time-Interleaved Reinforcement Learning Approach for Enhanced Control in Direct-Drive Tandem-Wing Vehicles +URL: http://arxiv.org/abs/2405.13651v1 + +Title: Deposition and Visualization of DNA Molecules on Graphene That is Obtained with the Aid of Mechanical Splitting on a Substrate with an Epoxy Sublayer +URL: http://arxiv.org/abs/1811.02943v1 + +Title: Interleave-sampled photoacoustic (PA) imaging: a doubled and equivalent sampling rate for high-frequency imaging +URL: https://dx.doi.org/10.6084/m9.figshare.c.5998738.v1 + +Title: Molecular Dynamics Study to Predict Thermo-Mechanical Properties of DGEBF/DETDA Epoxy as a Function of Crosslinking Density +URL: http://arxiv.org/abs/2108.00933v1 + +Title: Frequency-Adaptive Pan-Sharpening with Mixture of Experts +URL: http://arxiv.org/abs/2401.02151v1 + +Title: Frequency Vectoralization and Frequency Birefringence +URL: http://arxiv.org/abs/1708.09508 + +Title: Global existence and decay estimates for a viscoelastic plate equation with nonlinear damping and logarithmic nonlinearity +URL: http://arxiv.org/abs/2201.00983v1 + +Title: Bridgeless PFC - Interleaved Boost Converter with Switching Frequency Modulation (IBC-SFM) +URL: https://doi.org/10.21227/y72d-1v14 + +Title: PFC - Interleaved Boost Converter with Switching Frequency Modulation (IBC-SFM) +URL: https://doi.org/10.21227/97s7-dg13 + +Title: The mechanical and electrical properties of direct-spun carbon nanotube mat-epoxy composites +URL: http://arxiv.org/abs/1905.08422v1 + +Title: Interleaved Prange: A New Generic Decoder for Interleaved Codes +URL: http://arxiv.org/abs/2205.14068v1 + +Title: A Novel Octal Annular Ring-Shaped Planar Monopole Antenna For WiFi And Unlicensed Ultra Wideband Frequency Range Applications +URL: http://arxiv.org/abs/2311.08925v3 + +Title: Channel Mapping Based on Interleaved Learning with Complex-Domain MLP-Mixer +URL: http://arxiv.org/abs/2401.03420v1 + +Title: Coordinate Interleaved Orthogonal Design with Media-Based Modulation +URL: http://arxiv.org/abs/2004.13349v1 + +Title: Recyclable flame-retardant epoxy composites based on disulfide bonds. Flammability and recyclability +URL: http://arxiv.org/abs/2105.02141v1 + +Title: Divanillin-based aromatic amines: synthesis and application as curing agents for bio-based epoxy thermosets +URL: http://arxiv.org/abs/1911.08960v1 + +Title: Energy storage in structural composites by introducing CNT fiber/polymer electrolyte interleaves +URL: http://arxiv.org/abs/1810.00802v1 + +Title: Precise control of optical phase and coherent synthesis in femtosecond laser based optical frequency combs +URL: http://arxiv.org/abs/2204.06410v1 + +Title: Ecovisor: A Virtual Energy System for Carbon-Efficient Applications +URL: http://arxiv.org/abs/2210.04951v1 + +Title: Superior enhancement in thermal conductivity of epoxy/graphene nanocomposites through use of dimethylformamide (DMF) relative to acetone as solvent +URL: http://arxiv.org/abs/2201.03527v2 + +Title: Frequency interleaving as a codesign scheduling paradigm +URL: https://doi.org/10.1109/hsc.2000.843721 + +Title: Short-Packet Interleaver against Impulse Interference in Practical Industrial Environments +URL: http://arxiv.org/abs/2203.00770v1 + +Title: Interleaving Learning, with Application to Neural Architecture Search +URL: http://arxiv.org/abs/2103.07018v1 + +Title: Understanding viscoelastic flow instabilities: Oldroyd-B and beyond +URL: http://arxiv.org/abs/2202.08305v1 + +Title: High-Temperature Electromagnetic and Thermal Characteristics of Graphene Composites +URL: http://arxiv.org/abs/2004.12201v1 + +Title: Large-scale photonic chip based pulse interleaver for low-noise microwave generation +URL: http://arxiv.org/abs/2404.14242v1 + +Title: The Frequency of the Frequency : On Hydropower and Grid Frequency Control +URL: http://urn.kb.se/resolve?urn=urn:nbn:se:uu:diva-308441 + +Title: Multifunctional epoxy nanocomposites reinforced by two-dimensional materials: A review +URL: http://arxiv.org/abs/2109.03525v1 + +Title: On Decoding High-Order Interleaved Sum-Rank-Metric Codes +URL: http://arxiv.org/abs/2303.17454v1 + +Title: Optimizing carbon tax for decentralized electricity markets using an agent-based model +URL: http://arxiv.org/abs/2006.01601v1 + +Title: Role of redox additive modified electrolytes in making Na-ion supercapacitors a competitive energy storage device +URL: http://arxiv.org/abs/2112.07946v1 + +Title: Frequency spirals +URL: https://pubmed.ncbi.nlm.nih.gov/27781469 + +Title: Broadband high-resolution molecular spectroscopy with interleaved mid-infrared frequency combs +URL: http://arxiv.org/abs/2006.01896v1 + +Title: Possibility of using of the measured frequency f instead of ω self-generated frequency +URL: http://arxiv.org/abs/1710.09777v1 + +Title: Multi-color solitons and frequency combs in microresonators +URL: http://arxiv.org/abs/2409.03880v1 + +Title: Optimizing Carbon Storage Operations for Long-Term Safety +URL: http://arxiv.org/abs/2304.09352v1 + +Title: Efficient Absorption of Terahertz Radiation in Graphene Polymer Composites +URL: http://arxiv.org/abs/2109.01082v1 + +Title: SHIELD: Sustainable Hybrid Evolutionary Learning Framework for Carbon, Wastewater, and Energy-Aware Data Center Management +URL: http://arxiv.org/abs/2308.13086v1 + +Title: INTERLEAVED TACTICAL TRAINING OF BIG FOOTBALL TEAMS +URL: https://dx.doi.org/10.6084/m9.figshare.19915198.v1 + +Title: Interleaved Contractions +URL: https://dare.uva.nl/personal/pure/en/publications/interleaved-contractions(5f7de7c2-0f8e-4f52-94f3-af27f4ff13ef).html + +Title: Structure of the influenza AM2-BM2 chimeric channel bound to rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljc + +Title: Unlocking epoxy thermal management capability via hierarchical Ce-MOF@MoS +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326167 + +Title: EQUILLIBRIUM MIXTURE OF OPEN AND PARTIALLY-CLOSED SPECIES IN THE APO STATE OF MALTODEXTRIN-BINDING PROTEIN BY PARAMAGNETIC RELAXATION ENHANCEMENT NMR +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2v93 + +Title: Interleaved Group Products +URL: http://arxiv.org/pdf/1804.09787 + +Title: Comparison of test-retest reproducibility of DESPOT and 3D-QALAS for water +URL: https://www.ncbi.nlm.nih.gov/pubmed/39229114 + +Title: Interleaved Block-Sparse Transform +URL: http://arxiv.org/abs/2407.13255v1 + +Title: Crystal Structure of HLA-B8 in complex with ELR, an Influenza A virus peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmq + +Title: Seaglider Sg628 data for interleaving layers in the Kuroshio east of Taiwan +URL: https://dx.doi.org/10.17632/ct5ppst6t2 + +Title: Atomic model of the Salmonella SPI-1 type III secretion injectisome basal body proteins InvG, PrgH, and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcr + +Title: Alternative interleaving schemes for interleaved orthogonal frequency division multiplexing +URL: https://doi.org/10.1109/tencon.2003.1273265 + +Title: Frequency Domain Interleaving for Dense WDM Passive Optical Network +URL: https://dx.doi.org/10.6084/m9.figshare.8324729.v1 + +Title: Crystal structure of cathepsin b inhibited with CA030 at 2.1 angstroms resolution: A basis for the design of specific epoxysuccinyl inhibitors +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/1csb + +Title: Optimal Carbon Emission Control With Allowances Purchasing +URL: http://arxiv.org/abs/2407.08477v1 + +Title: EcoLife: Carbon-Aware Serverless Function Scheduling for Sustainable Computing +URL: http://arxiv.org/abs/2409.02085v2 + +Title: Solution Structure of Bacillus anthracis Sortase A (SrtA) Transpeptidase +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2kw8 + +Title: Solution structure of protein ARR_CleD in complex with c-di-GMP +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/6sft + +Title: Time or frequency interleaved analog-to-digital converters +URL: https://hal.science/hal-02192725 + +Title: Polarization insensitive non-interleaved frequency multiplexed dual-band Terahertz coding metasurface for independent control of reflected waves. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39261549 + +Title: Interleaving radiosity +URL: https://doi.org/10.1007/bf02949819 + +Title: A Relative Theory of Interleavings +URL: http://arxiv.org/abs/2004.14286v1 + +Title: Numerical analysis of fiber reinforced composite material for structural component application. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328535 + +Title: Time- and Frequency-Interleaving: Distinctions and Connections +URL: https://doi.org/10.1109/tsp.2021.3074013 + +Title: Crystal Structure of HLA-B7 in complex with RPP, an EBV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmo + +Title: Influential reinforcement parameters, elemental mapping, topological analysis and mechanical performance of lignocellulosic date palm/epoxy composites for improved sustainable materials. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39323794 + +Title: Optimal pricing for carbon dioxide removal under inter-regional leakage +URL: http://arxiv.org/abs/2212.09299v1 + +Title: Frequency Spectrum Rotation in Interleaved Frequency Division Multiplexing +URL: https://doi.org/10.1093/ietcom/e91-b.7.2357 + +Title: Interleave Frequency Division Multiplexing +URL: http://arxiv.org/abs/2405.02604 + +Title: Interleave Frequency Division Multiplexing +URL: http://arxiv.org/abs/2405.02604v1 + +Title: Interleavings for categories with a flow and the hom-tree lower bound +URL: http://hdl.handle.net/2429/69159 + +Title: Classical Metric Properties for Categories with the Interleaving Distance +URL: https://dx.doi.org/10.5446/60572 + +Title: Quantum paraelectric varactors for radiofrequency measurements at millikelvin temperatures. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329079 + +Title: Crystal Structure of HLA-B8 in complex with QIK, a CMV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmr + +Title: Crystal Structure of HLA-B7 in complex with SPI, an influenza peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmn + +Title: interleave: Converts Tabular Data to Interleaved Vectors +URL: https://doi.org/10.32614/cran.package.interleave + +Title: Structure of the influenza AM2-BM2 chimeric channel +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljb + +Title: Proton Channel M2 from Influenza A in complex with inhibitor rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2rlf + +Title: Super-Resolution Ultrasound Imaging for Analysis of Microbubbles Cluster by Acoustic Vortex Tweezers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39312432 + +Title: NTSC and PAL frequency interleaving +URL: https://doi.org/10.1016/b978-155860792-7/50095-1 + +Title: Near-atomic resolution cryo-EM structure of the periplasmic domains of PrgH and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcp + +Title: Interleavers +URL: https://ris.utwente.nl/ws/files/5586234/Preprint_Ch.9.pdf + +Title: Three-dimensional EM structure of an intact activator-dependent transcription initiation complex +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3iyd + +Title: Assessment of spectral ghost artifacts in echo-planar spectroscopic micro-imaging with flyback readout. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39317713 + +Title: Effect of cementation protocols on the fracture load of bilayer ceramic crowns manufactured by the Rapid Layer Technology. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39320003 + +Title: Mitigating Low-Frequency Bias: Feature Recalibration and Frequency Attention Regularization for Adversarial Robustness +URL: http://arxiv.org/abs/2407.04016v1 + +Title: Surface topography changes and wear resistance of different non-metallic telescopic crown attachment materials in implant retained overdenture (prospective comparative in vitro study). +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327589 + +Title: A Multifunctional Coating with Active Corrosion Protection Through a Synergistic pH- and Thermal-Responsive Mechanism. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39324225 + +Title: Interleavings and Matchings as Representations +URL: http://arxiv.org/abs/2004.03840v1 + +Title: Data : 3.33/6.66kW Interleaved Power Factor Correction +URL: https://dx.doi.org/10.17632/7cgvjvr67b + +Title: Frequency Interleaving DAC (FI-DAC) +URL: https://doi.org/10.1007/978-3-658-27264-7_5 + +Title: Rational design of epoxy functionalized ionic liquids electrolyte additive for hydrogen-free and dendrite-free aqueous zinc batteries. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326165 + +Title: Reducing residential emissions: carbon pricing vs. subsidizing retrofits +URL: http://arxiv.org/abs/2310.15687v1 + +Title: Crystal Structure of MHC class I HLA-A2 molecule complexed with HCMV pp65-495-503 nonapeptide V6G variant +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3mrd + +Title: The Interleaved Genome +URL: http://ora.ox.ac.uk/objects/uuid:0f6b0c95-7e1d-4495-89bc-663771df243e + +Title: The Vagaries of Frequency +URL: https://halshs.archives-ouvertes.fr/halshs-00731173 + +Title: Baumol's Climate Disease +URL: http://arxiv.org/abs/2312.00160v1 + +Title: Evaluation of the Antihyperglycemic efficacy of the roots of Ferula orientalis L.: An in vitro to in vivo assessment. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39321856 + +Title: Full-frequency GW without frequency +URL: https://dx.doi.org/10.48550/arxiv.2009.14315 + +Title: Interleave in peace, or interleave in pieces +URL: https://doi.org/10.1109/99.683746 + +Title: Universality of the Homotopy Interleaving Distance +URL: http://arxiv.org/abs/1705.01690v2 + +Title: Interleaved and partial transmission interleaved optical coherent orthogonal frequency division multiplexing +URL: https://pubmed.ncbi.nlm.nih.gov/24686705 + +Title: Echotexture of recurrent laryngeal nerves: the depiction of recurrent laryngeal nerves at high-frequency ultrasound during radical thyroidectomy. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329102 + +Title: Interleave 2 +URL: https://doi.org/10.51952/9781529226874.ch003 + +Title: Blind identification of an unknown interleaved convolutional code +URL: http://arxiv.org/abs/1501.03715v1 + +Title: Interleaving of path sets +URL: http://arxiv.org/abs/2101.02441v1 + +Title: A novel Affi-Cova magnetic nanoparticles for one-step covalent immobilization of His-tagged enzyme directly from crude cell lysate. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39322145 + +Title: Frequency divider +URL: http://dx.doi.org/10.1109/TPWRS.2016.2569563 + +Title: On Frequency +URL: https://doi.org/10.1111/j.1539-6924.2011.01764.x + +Title: An Interleaving Distance for Ordered Merge Trees +URL: http://arxiv.org/abs/2312.11113v3 + +Title: Labeled Interleaving Distance for Reeb Graphs +URL: http://arxiv.org/abs/2306.01186v1 + +Title: PRIME: Phase Reversed Interleaved Multi-Echo acquisition enables highly accelerated distortion-free diffusion MRI. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39314505 + +Title: Magnetic Resonance Imaging (MRI) Evaluation and Classification of Vascular Malformations. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39310382 + +Title: Interleave 7 +URL: https://doi.org/10.51952/9781529226874.ch013 + +Title: Interleaver +URL: https://doi.org/10.1007/978-3-8348-9927-9_10 + +Title: The interaction between dietary nitrates/nitrites intake and gut microbial metabolites on metabolic syndrome: a cross-sectional study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328991 + +Title: Gromov-Hausdorff and Interleaving distance for trees +URL: https://dx.doi.org/10.14288/1.0377403 + +Title: Complex Frequency +URL: https://doi.org/10.1109/pesgm48719.2022.9917164 + +Title: Evaluation of Middle Cerebral Artery Culprit Plaque Inflammation in Ischemic Stroke Using CAIPIRINHA-Dixon-TWIST Dynamic Contrast-Enhanced Magnetic Resonance Imaging. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39258494 + +Title: Interleave 5 +URL: https://doi.org/10.51952/9781529226874.ch009 + +Title: Unveiling the hidden risks of CPAP device innovations and the necessity of patient-centric testing. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329189 + +Title: AC Frequency +URL: https://dx.doi.org/10.6084/m9.figshare.5259460 + +Title: PTB GRPE Interleaved Resolution Phantom Acquisition +URL: http://dx.doi.org/10.5281/zenodo.3647967 + +Title: Frequencies +URL: https://doi.org/10.4324/9780429056765-7 + +Title: Mains Frequency +URL: http://dx.doi.org/10.5281/zenodo.7491565 + +Title: Noradrenaline modulates sensory information in mouse vomeronasal sensory neurons. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328934 + +Title: Frequency in the Dictionary +URL: https://doi.org/10.3726/9783034344180.003.0004 + +Title: Interleaving Retrieval Practice Promotes Science Learning +URL: https://dx.doi.org/10.25384/sage.c.5953570 + +Title: Illness representation in patients with multiple sclerosis: A preliminary narrative medicine study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329093 + +Title: A Review of Meta-Analyses of Prevention Strategies for Problematic Cannabis Use. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328973 + +Title: Frequency table +URL: https://dx.doi.org/10.5061/dryad.50554tg/2 + +Title: Hitting the Rewind Button: Imagining Analogue Trauma Memories in Reverse Reduces Distressing Intrusions. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329077 + +Title: [Identification of conservation and restoration materials for iron relics through ultraviolet-induced visible luminescence imaging and pyrolysis-gas chromatography/mass spectrometry]. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327664 + +Title: frequency distribution +URL: https://dx.doi.org/10.5281/zenodo.6861104 + +Title: Sensori-motor neurofeedback improves inhibitory control and induces neural changes: a placebo-controlled, double-blind, event-related potentials study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328986 + +Title: Supervised machine learning on ECG features to classify sleep in non-critically ill children. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329187 + +Title: Neural Mechanisms of Learning and Consolidation of Morphologically Derived Words in a Novel Language: Evidence From Hebrew Speakers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39301207 + +Title: DTU frequency +URL: https://dx.doi.org/10.6084/m9.figshare.4994231.v2 + +Title: Learning melodic musical intervals: To block or to interleave? +URL: https://dx.doi.org/10.25384/sage.c.5019068.v1 + +Title: Host Frequency +URL: https://dx.doi.org/10.6084/m9.figshare.7853471.v1 + +Title: Blocked training facilitates learning of multiple schemas. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39242783 + +Title: HER4 is a high-affinity dimerization partner for all EGFR/HER/ErbB family proteins. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39276020 + +Title: Allele frequencies +URL: https://dx.doi.org/10.5061/dryad.r31sg.2/4.2 + +Title: frequency density data.xls +URL: https://dx.doi.org/10.6084/m9.figshare.12950531.v4 + +Title: Frequency of behaviors.xlsx +URL: https://dx.doi.org/10.6084/m9.figshare.8429111.v1 + +Title: Frequency dataset.xlsx +URL: https://dx.doi.org/10.6084/m9.figshare.24130101.v1 + diff --git a/logs/run_09-27_13-46.log b/logs/run_09-27_13-46.log new file mode 100644 index 0000000..056ccfe --- /dev/null +++ b/logs/run_09-27_13-46.log @@ -0,0 +1,600 @@ +# Hin run, 09-27_13-46 + +Subject : Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer + +## Keywords + +['viscoelastic layer', 'epoxy', 'optimization carbon', 'frequency', 'interleaved'] + +## Queries + +"viscoelastic layer"; +"epoxy"; +"optimization carbon"; +"frequency"; +"interleaved"; +"viscoelastic layer" OR "epoxy"; +"viscoelastic layer" OR "optimization carbon"; +"viscoelastic layer" OR "frequency"; +"viscoelastic layer" OR "interleaved"; +"epoxy" OR "optimization carbon"; +"epoxy" OR "frequency"; +"epoxy" OR "interleaved"; +"optimization carbon" OR "frequency"; +"optimization carbon" OR "interleaved"; +"frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon"; +"viscoelastic layer" OR "epoxy" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency"; +"epoxy" OR "optimization carbon" OR "interleaved"; +"epoxy" OR "frequency" OR "interleaved"; +"optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; +Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer; + +## Results + +Title: Viscoelastic Effects during Tangential Contact Analyzed by a Novel Finite Element Approach with Embedded Interface Profiles +URL: http://arxiv.org/abs/2110.07886v1 + +Title: Effect of interleaving on the impact response of a unidirectional carbon/epoxy composite +URL: https://doi.org/10.1016/0010-4361(95)91385-i + +Title: Viscoelastic amplification of the pull-off stress in the detachment of a rigid flat punch from an adhesive soft viscoelastic layer +URL: http://arxiv.org/abs/2310.07597v2 + +Title: Vibration Damping of Interleaved Carbon Fiber-Epoxy Composite Beams +URL: https://doi.org/10.1177/002199839402801806 + +Title: A Numerical Investigation of Delamination Response of CNT/Epoxy Film Interleaved Composite +URL: https://dx.doi.org/10.3390/app12094194 + +Title: Impact response of glass/epoxy laminate interleaved with nanofibrous mats +URL: https://doi.org/10.5267/j.esm.2013.09.002 + +Title: Oscillatory laminar shear flow over a compliant viscoelastic layer on a rigid base +URL: http://arxiv.org/abs/1705.04479v1 + +Title: Effect of viscoelastic fluid on the lift force in lubricated contacts +URL: http://arxiv.org/abs/2308.10400v1 + +Title: Mixed-mode fracture in an interleaved carbon-fibre/epoxy composite +URL: https://doi.org/10.1016/0266-3538(95)00062-3 + +Title: Dynamics of two linearly elastic bodies connected by a heavy thin soft viscoelastic layer +URL: http://arxiv.org/abs/1912.05600v1 + +Title: Overall constitutive description of symmetric layered media based on scattering of oblique SH waves +URL: http://arxiv.org/abs/1809.07231v1 + +Title: High thermal conductivity of bulk epoxy resin by bottom-up parallel-linking and strain: a molecular dynamics study +URL: http://arxiv.org/abs/1801.04391v1 + +Title: Application of Mössbauer spectroscopy to study vibrations of a granular medium excited by ultrasound +URL: http://arxiv.org/abs/2001.07511v1 + +Title: Frequency-induced Negative Magnetic Susceptibility in Epoxy/Magnetite Nanocomposites +URL: http://arxiv.org/abs/2011.04199v3 + +Title: Piezoelectric polyvinylidene fluoride-based epoxy composites produced by combined uniaxial compression and poling +URL: http://arxiv.org/abs/1909.13234v1 + +Title: Characterization of phase structure spectrum in interleaved carbon fibre reinforced epoxy matrix composites by Polyaryletherketone with Cardo using AFM +URL: http://dx.doi.org/https://doi.org/10.17632/sxgzm9vwmy.1 + +Title: raw test data for ���Establishment of interlaminar structure and toughening effect in interleaved carbon fiber reinforced epoxy composites by CNTs/PEK-C interlayer��� +URL: https://doi.org/10.17632/mfb366wv6x.1 + +Title: Permittivity and permeability of epoxy-magnetite powder composites at microwave frequencies +URL: http://arxiv.org/abs/2001.02336v1 + +Title: Feature-based prediction of properties of cross-linked epoxy polymers by molecular dynamics and machine learning techniques +URL: http://arxiv.org/abs/2312.07149v1 + +Title: Fracture and Damping of Ionomer Interleaved Epoxy Composites +URL: https://doi.org/10.1177/089270570001300404 + +Title: Characterization of the frequency response of channel-interleaved photonic ADCs based on the optical time-division demultiplexer +URL: http://arxiv.org/abs/2109.04362v1 + +Title: Toughening of epoxy systems by brominated epoxy +URL: https://doi.org/10.1002/pen.24890 + +Title: Simulations of turbulence over compliant walls +URL: http://arxiv.org/abs/2111.01183v1 + +Title: Toughening Behavior of Carbon/Epoxy Laminates Interleaved by PSF/PVDF Composite Nanofibers +URL: https://strathprints.strath.ac.uk/73799/1/Saghafi_etal_AS_2020_Toughening_behavior_of_carbon_epoxy_laminates_interleaved_by_PSF_PVDF.pdf + +Title: Interlaminar shear fracture of interleaved graphite/epoxy composites +URL: https://doi.org/10.1016/0266-3538(92)90133-n + +Title: Timescale bridging in atomistic simulations of epoxy polymer mechanics using non-affine deformation theory +URL: http://arxiv.org/abs/2406.02113v1 + +Title: ConcertoRL: An Innovative Time-Interleaved Reinforcement Learning Approach for Enhanced Control in Direct-Drive Tandem-Wing Vehicles +URL: http://arxiv.org/abs/2405.13651v1 + +Title: Mode I Interlaminar Fracture of Interleaved Graphite/Epoxy +URL: https://doi.org/10.1177/002199839202600306 + +Title: Molecular Dynamics Study to Predict Thermo-Mechanical Properties of DGEBF/DETDA Epoxy as a Function of Crosslinking Density +URL: http://arxiv.org/abs/2108.00933v1 + +Title: data for Synergistic combination of nano-materialPEK-C for interleaving toughening and strengthening in carbon fibre reinforced epoxy composites +URL: http://dx.doi.org/https://doi.org/10.17632/78y7j4ksgg.1 + +Title: data for Synergistic combination of nano-materialPEK-C for interleaving toughening and strengthening in carbon fibre reinforced epoxy composites +URL: https://doi.org/10.17632/78y7j4ksgg + +Title: Frequency Vectoralization and Frequency Birefringence +URL: http://arxiv.org/abs/1708.09508 + +Title: Dielectric Properties of Conductively Loaded Polyimides in the Far Infrared +URL: http://arxiv.org/abs/1810.01962v2 + +Title: Preparation of itaconic acid-modified epoxy resins and comparative study on the properties of it and epoxy acrylates +URL: https://dx.doi.org/10.17632/htsp7r3g6f.1 + +Title: Cyclic Olefin Copolymer Interleaves for Thermally Mendable Carbon/Epoxy Laminates +URL: http://dx.doi.org/10.3390/molecules25225347 + +Title: Development of epoxy-based millimeter absorber with expanded polystyrenes and carbon black +URL: http://arxiv.org/abs/2210.16202v2 + +Title: Interleaved Prange: A New Generic Decoder for Interleaved Codes +URL: http://arxiv.org/abs/2205.14068v1 + +Title: A Novel Octal Annular Ring-Shaped Planar Monopole Antenna For WiFi And Unlicensed Ultra Wideband Frequency Range Applications +URL: http://arxiv.org/abs/2311.08925v3 + +Title: Channel Mapping Based on Interleaved Learning with Complex-Domain MLP-Mixer +URL: http://arxiv.org/abs/2401.03420v1 + +Title: Theoretical Analysis on the Efficiency of Interleaved Comparisons +URL: http://arxiv.org/abs/2306.10023v1 + +Title: Recyclable flame-retardant epoxy composites based on disulfide bonds. Flammability and recyclability +URL: http://arxiv.org/abs/2105.02141v1 + +Title: Energy storage in structural composites by introducing CNT fiber/polymer electrolyte interleaves +URL: http://arxiv.org/abs/1810.00802v1 + +Title: Ecovisor: A Virtual Energy System for Carbon-Efficient Applications +URL: http://arxiv.org/abs/2210.04951v1 + +Title: Superior enhancement in thermal conductivity of epoxy/graphene nanocomposites through use of dimethylformamide (DMF) relative to acetone as solvent +URL: http://arxiv.org/abs/2201.03527v2 + +Title: Short-Packet Interleaver against Impulse Interference in Practical Industrial Environments +URL: http://arxiv.org/abs/2203.00770v1 + +Title: Piezoelectric studies of epoxy/BiFeO3 composites +URL: http://dx.doi.org/10.18150/FZBLOS + +Title: raw test data for “Establishment of interlaminar structure and crack propagation in carbon fiber reinforced epoxy composites by interleaving CNTs/PEK-C film” +URL: http://dx.doi.org/https://doi.org/10.17632/mfb366wv6x.2 + +Title: Novel Expandable Epoxy Beads and Epoxy Particle Foam +URL: https://doi.org/10.3390/ma15124205 + +Title: Interleaving Learning, with Application to Neural Architecture Search +URL: http://arxiv.org/abs/2103.07018v1 + +Title: Large-scale photonic chip based pulse interleaver for low-noise microwave generation +URL: http://arxiv.org/abs/2404.14242v1 + +Title: The Frequency of the Frequency : On Hydropower and Grid Frequency Control +URL: http://urn.kb.se/resolve?urn=urn:nbn:se:uu:diva-308441 + +Title: Multifunctional epoxy nanocomposites reinforced by two-dimensional materials: A review +URL: http://arxiv.org/abs/2109.03525v1 + +Title: On Decoding High-Order Interleaved Sum-Rank-Metric Codes +URL: http://arxiv.org/abs/2303.17454v1 + +Title: Optimizing carbon tax for decentralized electricity markets using an agent-based model +URL: http://arxiv.org/abs/2006.01601v1 + +Title: Role of redox additive modified electrolytes in making Na-ion supercapacitors a competitive energy storage device +URL: http://arxiv.org/abs/2112.07946v1 + +Title: Frequency spirals +URL: https://pubmed.ncbi.nlm.nih.gov/27781469 + +Title: Sodium storage via single epoxy group on graphene - The role of surface doping +URL: http://arxiv.org/abs/1801.08389v1 + +Title: Broadband high-resolution molecular spectroscopy with interleaved mid-infrared frequency combs +URL: http://arxiv.org/abs/2006.01896v1 + +Title: Intrablock Interleaving for Batched Network Coding with Blockwise Adaptive Recoding +URL: http://arxiv.org/abs/2105.07609v2 + +Title: Modeling and Vibration Control of Sandwich Composite Plates. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36769904 + +Title: Epoxy\Epoxy Composite\Epoxy Hybrid Composite Coatings for Tribological Applications—A Review +URL: https://pubmed.ncbi.nlm.nih.gov/33419106 + +Title: Multi-color solitons and frequency combs in microresonators +URL: http://arxiv.org/abs/2409.03880v1 + +Title: Optimizing Carbon Storage Operations for Long-Term Safety +URL: http://arxiv.org/abs/2304.09352v1 + +Title: An interleaver design for polar codes over slow fading channels +URL: http://arxiv.org/abs/1610.04924v1 + +Title: Finite Element Modeling and Vibration Control of Plates with Active Constrained Layer Damping Treatment. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36837277 + +Title: Efficient Absorption of Terahertz Radiation in Graphene Polymer Composites +URL: http://arxiv.org/abs/2109.01082v1 + +Title: SHIELD: Sustainable Hybrid Evolutionary Learning Framework for Carbon, Wastewater, and Energy-Aware Data Center Management +URL: http://arxiv.org/abs/2308.13086v1 + +Title: INTERLEAVED TACTICAL TRAINING OF BIG FOOTBALL TEAMS +URL: https://dx.doi.org/10.6084/m9.figshare.19915198.v1 + +Title: Interleaved Contractions +URL: https://dare.uva.nl/personal/pure/en/publications/interleaved-contractions(5f7de7c2-0f8e-4f52-94f3-af27f4ff13ef).html + +Title: Active Vibration Control of Composite Cantilever Beams. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36614435 + +Title: Effect of fluid viscoelasticity, shear stress, and interface tension on the lift force in lubricated contacts. +URL: https://www.ncbi.nlm.nih.gov/pubmed/37873958 + +Title: Structure of the influenza AM2-BM2 chimeric channel bound to rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljc + +Title: Unlocking epoxy thermal management capability via hierarchical Ce-MOF@MoS +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326167 + +Title: EQUILLIBRIUM MIXTURE OF OPEN AND PARTIALLY-CLOSED SPECIES IN THE APO STATE OF MALTODEXTRIN-BINDING PROTEIN BY PARAMAGNETIC RELAXATION ENHANCEMENT NMR +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2v93 + +Title: Interleaved Group Products +URL: http://arxiv.org/pdf/1804.09787 + +Title: Comparison of test-retest reproducibility of DESPOT and 3D-QALAS for water +URL: https://www.ncbi.nlm.nih.gov/pubmed/39229114 + +Title: Interleaved Block-Sparse Transform +URL: http://arxiv.org/abs/2407.13255v1 + +Title: Crystal Structure of HLA-B8 in complex with ELR, an Influenza A virus peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmq + +Title: Seaglider Sg628 data for interleaving layers in the Kuroshio east of Taiwan +URL: https://dx.doi.org/10.17632/ct5ppst6t2 + +Title: High-Resolution Quantum Cascade Laser Dual-Comb Spectroscopy in the Mid-Infrared with Absolute Frequency Referencing +URL: http://arxiv.org/abs/2205.03334v1 + +Title: Atomic model of the Salmonella SPI-1 type III secretion injectisome basal body proteins InvG, PrgH, and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcr + +Title: Interfacial behavior of vegetable protein isolates at sunflower oil/water interface. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36413907 + +Title: Crystal structure of cathepsin b inhibited with CA030 at 2.1 angstroms resolution: A basis for the design of specific epoxysuccinyl inhibitors +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/1csb + +Title: Optimal Carbon Emission Control With Allowances Purchasing +URL: http://arxiv.org/abs/2407.08477v1 + +Title: EcoLife: Carbon-Aware Serverless Function Scheduling for Sustainable Computing +URL: http://arxiv.org/abs/2409.02085v2 + +Title: Solution Structure of Bacillus anthracis Sortase A (SrtA) Transpeptidase +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2kw8 + +Title: Solution structure of protein ARR_CleD in complex with c-di-GMP +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/6sft + +Title: Dynamics of Droplet Pinch-Off at Emulsified Oil-Water Interfaces: Interplay between Interfacial Viscoelasticity and Capillary Forces. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36763387 + +Title: Polarization insensitive non-interleaved frequency multiplexed dual-band Terahertz coding metasurface for independent control of reflected waves. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39261549 + +Title: Interleaving radiosity +URL: https://doi.org/10.1007/bf02949819 + +Title: data for "Effect of curing time on phase morphology and fracture toughness of PEK-C film interleaved carbon fibre/epoxy composite laminates" +URL: https://dx.doi.org/10.17632/8jwzx53ypw + +Title: Numerical analysis of fiber reinforced composite material for structural component application. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328535 + +Title: Contact Resistivity and Epoxy Thermal Degradation +URL: https://eprints.soton.ac.uk/456860/ + +Title: Crystal Structure of HLA-B7 in complex with RPP, an EBV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmo + +Title: epoxy simulations +URL: http://dx.doi.org/https://doi.org/10.17632/zxdxp326dd.1 + +Title: Influential reinforcement parameters, elemental mapping, topological analysis and mechanical performance of lignocellulosic date palm/epoxy composites for improved sustainable materials. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39323794 + +Title: Optimal pricing for carbon dioxide removal under inter-regional leakage +URL: http://arxiv.org/abs/2212.09299v1 + +Title: Interleave Frequency Division Multiplexing +URL: http://arxiv.org/abs/2405.02604v1 + +Title: Interleavings for categories with a flow and the hom-tree lower bound +URL: http://hdl.handle.net/2429/69159 + +Title: 2,3-epoxy-2,4,4-trimethylpentane +URL: https://dx.doi.org/10.17614/q4vh5cv02 + +Title: Classical Metric Properties for Categories with the Interleaving Distance +URL: https://dx.doi.org/10.5446/60572 + +Title: Quantum paraelectric varactors for radiofrequency measurements at millikelvin temperatures. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329079 + +Title: Crystal Structure of HLA-B8 in complex with QIK, a CMV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmr + +Title: Crystal Structure of HLA-B7 in complex with SPI, an influenza peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmn + +Title: interleave: Converts Tabular Data to Interleaved Vectors +URL: https://doi.org/10.32614/cran.package.interleave + +Title: Structure of the influenza AM2-BM2 chimeric channel +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljb + +Title: Microbial Degradation of Epoxy +URL: https://doi.org/10.3390/ma11112123 + +Title: Proton Channel M2 from Influenza A in complex with inhibitor rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2rlf + +Title: Super-Resolution Ultrasound Imaging for Analysis of Microbubbles Cluster by Acoustic Vortex Tweezers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39312432 + +Title: Near-atomic resolution cryo-EM structure of the periplasmic domains of PrgH and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcp + +Title: Interleavers +URL: https://ris.utwente.nl/ws/files/5586234/Preprint_Ch.9.pdf + +Title: Three-dimensional EM structure of an intact activator-dependent transcription initiation complex +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3iyd + +Title: Assessment of spectral ghost artifacts in echo-planar spectroscopic micro-imaging with flyback readout. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39317713 + +Title: Effect of cementation protocols on the fracture load of bilayer ceramic crowns manufactured by the Rapid Layer Technology. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39320003 + +Title: EPOXI Mission +URL: https://doi.org/10.1007/978-3-642-27833-4_528-3 + +Title: Surface topography changes and wear resistance of different non-metallic telescopic crown attachment materials in implant retained overdenture (prospective comparative in vitro study). +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327589 + +Title: Demonstrating a Quartz Crystal Microbalance with Dissipation (QCMD) to Enhance the Monitoring and Mechanistic Understanding of Iron Carbonate Crystalline Films. +URL: https://www.ncbi.nlm.nih.gov/pubmed/38980721 + +Title: A Multifunctional Coating with Active Corrosion Protection Through a Synergistic pH- and Thermal-Responsive Mechanism. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39324225 + +Title: Data : 3.33/6.66kW Interleaved Power Factor Correction +URL: https://dx.doi.org/10.17632/7cgvjvr67b + +Title: Epoxy coatings +URL: https://doi.org/10.1007/978-1-4899-6836-4_14 + +Title: Rational design of epoxy functionalized ionic liquids electrolyte additive for hydrogen-free and dendrite-free aqueous zinc batteries. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326165 + +Title: Reducing residential emissions: carbon pricing vs. subsidizing retrofits +URL: http://arxiv.org/abs/2310.15687v1 + +Title: Data for: Plasmonic Nanoparticle-based Epoxy Photocuring +URL: http://dx.doi.org/10.17632/XP9CWV6MPB.1 + +Title: Crystal Structure of MHC class I HLA-A2 molecule complexed with HCMV pp65-495-503 nonapeptide V6G variant +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3mrd + +Title: The Interleaved Genome +URL: http://ora.ox.ac.uk/objects/uuid:0f6b0c95-7e1d-4495-89bc-663771df243e + +Title: The Vagaries of Frequency +URL: https://halshs.archives-ouvertes.fr/halshs-00731173 + +Title: Baumol's Climate Disease +URL: http://arxiv.org/abs/2312.00160v1 + +Title: Evaluation of the Antihyperglycemic efficacy of the roots of Ferula orientalis L.: An in vitro to in vivo assessment. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39321856 + +Title: Full-frequency GW without frequency +URL: https://dx.doi.org/10.48550/arxiv.2009.14315 + +Title: Interleave in peace, or interleave in pieces +URL: https://doi.org/10.1109/99.683746 + +Title: Universality of the Homotopy Interleaving Distance +URL: http://arxiv.org/abs/1705.01690v2 + +Title: Enhanced multi-layer perceptron for CO2 emission prediction with worst moth disrupted moth fly optimization (WMFO). +URL: https://www.ncbi.nlm.nih.gov/pubmed/38882359 + +Title: Echotexture of recurrent laryngeal nerves: the depiction of recurrent laryngeal nerves at high-frequency ultrasound during radical thyroidectomy. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329102 + +Title: Interleave 2 +URL: https://doi.org/10.51952/9781529226874.ch003 + +Title: The Double-Deck Viscoelastic Technique: a Novel Surgical Technique to Protect the Corneal Endothelium in Penetrating Keratoplasty of Aphakic Silicone Oil-Dependent Eyes after Severe Ocular Injury. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36309624 + +Title: Interleaving of path sets +URL: http://arxiv.org/abs/2101.02441v1 + +Title: A novel Affi-Cova magnetic nanoparticles for one-step covalent immobilization of His-tagged enzyme directly from crude cell lysate. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39322145 + +Title: Frequency divider +URL: http://dx.doi.org/10.1109/TPWRS.2016.2569563 + +Title: Epoxies +URL: https://doi.org/10.1007/978-94-009-1195-6_18 + +Title: On Frequency +URL: https://doi.org/10.1111/j.1539-6924.2011.01764.x + +Title: An Interleaving Distance for Ordered Merge Trees +URL: http://arxiv.org/abs/2312.11113v3 + +Title: Labeled Interleaving Distance for Reeb Graphs +URL: http://arxiv.org/abs/2306.01186v1 + +Title: PRIME: Phase Reversed Interleaved Multi-Echo acquisition enables highly accelerated distortion-free diffusion MRI. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39314505 + +Title: Epoxy Resins +URL: https://doi.org/10.1016/b978-081551515-9.50005-6 + +Title: Characterisation Data - Epoxy characterisation +URL: https://dx.doi.org/10.5281/zenodo.5879154 + +Title: Magnetic Resonance Imaging (MRI) Evaluation and Classification of Vascular Malformations. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39310382 + +Title: Interleave 7 +URL: https://doi.org/10.51952/9781529226874.ch013 + +Title: Interleaver +URL: https://doi.org/10.1007/978-3-8348-9927-9_10 + +Title: EPOXI instrument calibration +URL: https://hal.science/hal-01439491 + +Title: The interaction between dietary nitrates/nitrites intake and gut microbial metabolites on metabolic syndrome: a cross-sectional study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328991 + +Title: Gromov-Hausdorff and Interleaving distance for trees +URL: https://dx.doi.org/10.14288/1.0377403 + +Title: Complex Frequency +URL: https://doi.org/10.1109/pesgm48719.2022.9917164 + +Title: Ultra-tough and reprocessible epoxy thermoset +URL: https://dx.doi.org/10.6084/m9.figshare.25425292.v1 + +Title: Evaluation of Middle Cerebral Artery Culprit Plaque Inflammation in Ischemic Stroke Using CAIPIRINHA-Dixon-TWIST Dynamic Contrast-Enhanced Magnetic Resonance Imaging. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39258494 + +Title: Interleave 5 +URL: https://doi.org/10.51952/9781529226874.ch009 + +Title: epoxy characterisation +URL: http://dx.doi.org/10.5281/zenodo.5958293 + +Title: Unveiling the hidden risks of CPAP device innovations and the necessity of patient-centric testing. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329189 + +Title: AC Frequency +URL: https://dx.doi.org/10.6084/m9.figshare.5259460 + +Title: PTB GRPE Interleaved Resolution Phantom Acquisition +URL: http://dx.doi.org/10.5281/zenodo.3647967 + +Title: Frequencies +URL: https://doi.org/10.4324/9780429056765-7 + +Title: Mains Frequency +URL: http://dx.doi.org/10.5281/zenodo.7491565 + +Title: Noradrenaline modulates sensory information in mouse vomeronasal sensory neurons. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328934 + +Title: Frequency in the Dictionary +URL: https://doi.org/10.3726/9783034344180.003.0004 + +Title: Interleaving Retrieval Practice Promotes Science Learning +URL: https://dx.doi.org/10.25384/sage.c.5953570 + +Title: Illness representation in patients with multiple sclerosis: A preliminary narrative medicine study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329093 + +Title: A Review of Meta-Analyses of Prevention Strategies for Problematic Cannabis Use. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328973 + +Title: Frequency table +URL: https://dx.doi.org/10.5061/dryad.50554tg/2 + +Title: Hitting the Rewind Button: Imagining Analogue Trauma Memories in Reverse Reduces Distressing Intrusions. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329077 + +Title: [Identification of conservation and restoration materials for iron relics through ultraviolet-induced visible luminescence imaging and pyrolysis-gas chromatography/mass spectrometry]. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327664 + +Title: [The cutting-edge developments and future prospects of enabling technologies in spinal surgery clinical treatments]. +URL: https://www.ncbi.nlm.nih.gov/pubmed/38044602 + +Title: frequency distribution +URL: https://dx.doi.org/10.5281/zenodo.6861104 + +Title: Sensori-motor neurofeedback improves inhibitory control and induces neural changes: a placebo-controlled, double-blind, event-related potentials study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328986 + +Title: Supervised machine learning on ECG features to classify sleep in non-critically ill children. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329187 + +Title: Neural Mechanisms of Learning and Consolidation of Morphologically Derived Words in a Novel Language: Evidence From Hebrew Speakers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39301207 + +Title: DTU frequency +URL: https://dx.doi.org/10.6084/m9.figshare.4994231.v2 + +Title: Learning melodic musical intervals: To block or to interleave? +URL: https://dx.doi.org/10.25384/sage.c.5019068.v1 + +Title: octane, 3,4-epoxy-2,2,7,7-tetramethyl- +URL: https://dx.doi.org/10.17614/q4445j24f + +Title: Host Frequency +URL: https://dx.doi.org/10.6084/m9.figshare.7853471.v1 + +Title: Blocked training facilitates learning of multiple schemas. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39242783 + +Title: HER4 is a high-affinity dimerization partner for all EGFR/HER/ErbB family proteins. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39276020 + +Title: Allele frequencies +URL: https://dx.doi.org/10.5061/dryad.r31sg.2/4.2 + +Title: EPOXI +URL: http://ora.ox.ac.uk/objects/uuid:446e4f1f-e73c-425d-909b-faf79dc4ba29 + +Title: frequency density data.xls +URL: https://dx.doi.org/10.6084/m9.figshare.12950531.v4 + +Title: Frequency of behaviors.xlsx +URL: https://dx.doi.org/10.6084/m9.figshare.8429111.v1 + +Title: Frequency dataset.xlsx +URL: https://dx.doi.org/10.6084/m9.figshare.24130101.v1 + diff --git a/logs/run_09-27_14-10.log b/logs/run_09-27_14-10.log new file mode 100644 index 0000000..320dc4f --- /dev/null +++ b/logs/run_09-27_14-10.log @@ -0,0 +1,618 @@ +# Hin run, 09-27_14-10 + +Subject : Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer + +## Keywords + +['viscoelastic layer', 'epoxy', 'optimization carbon', 'frequency', 'interleaved'] + +## Queries + +"viscoelastic layer"; +"epoxy"; +"optimization carbon"; +"frequency"; +"interleaved"; +"viscoelastic layer" OR "epoxy"; +"viscoelastic layer" OR "optimization carbon"; +"viscoelastic layer" OR "frequency"; +"viscoelastic layer" OR "interleaved"; +"epoxy" OR "optimization carbon"; +"epoxy" OR "frequency"; +"epoxy" OR "interleaved"; +"optimization carbon" OR "frequency"; +"optimization carbon" OR "interleaved"; +"frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon"; +"viscoelastic layer" OR "epoxy" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency"; +"epoxy" OR "optimization carbon" OR "interleaved"; +"epoxy" OR "frequency" OR "interleaved"; +"optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; +Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer; + +## Results + +Title: Viscoelastic Effects during Tangential Contact Analyzed by a Novel Finite Element Approach with Embedded Interface Profiles +URL: http://arxiv.org/abs/2110.07886v1 + +Title: Effect of interleaving on the impact response of a unidirectional carbon/epoxy composite +URL: https://doi.org/10.1016/0010-4361(95)91385-i + +Title: Viscoelastic amplification of the pull-off stress in the detachment of a rigid flat punch from an adhesive soft viscoelastic layer +URL: http://arxiv.org/abs/2310.07597v2 + +Title: Vibration Damping of Interleaved Carbon Fiber-Epoxy Composite Beams +URL: https://doi.org/10.1177/002199839402801806 + +Title: A Numerical Investigation of Delamination Response of CNT/Epoxy Film Interleaved Composite +URL: https://dx.doi.org/10.3390/app12094194 + +Title: Controllability of a viscoelastic plate using one boundary control in displacement or bending +URL: http://arxiv.org/abs/1604.02240v1 + +Title: Extended plane wave expansion formulation for viscoelastic phononic thin plates +URL: http://arxiv.org/abs/2310.14916v1 + +Title: Impact response of glass/epoxy laminate interleaved with nanofibrous mats +URL: https://doi.org/10.5267/j.esm.2013.09.002 + +Title: Oscillatory laminar shear flow over a compliant viscoelastic layer on a rigid base +URL: http://arxiv.org/abs/1705.04479v1 + +Title: Simulations of wobble damping in viscoelastic rotators +URL: http://arxiv.org/abs/1901.01439v3 + +Title: Effect of viscoelastic fluid on the lift force in lubricated contacts +URL: http://arxiv.org/abs/2308.10400v1 + +Title: Derivation of von Kármán plate theory in the framework of three-dimensional viscoelasticity +URL: http://arxiv.org/abs/1902.10037v4 + +Title: Mixed-mode fracture in an interleaved carbon-fibre/epoxy composite +URL: https://doi.org/10.1016/0266-3538(95)00062-3 + +Title: Dynamics of two linearly elastic bodies connected by a heavy thin soft viscoelastic layer +URL: http://arxiv.org/abs/1912.05600v1 + +Title: Overall constitutive description of symmetric layered media based on scattering of oblique SH waves +URL: http://arxiv.org/abs/1809.07231v1 + +Title: Boundary layer in linear viscoelasticity +URL: http://arxiv.org/abs/1912.06122v1 + +Title: High thermal conductivity of bulk epoxy resin by bottom-up parallel-linking and strain: a molecular dynamics study +URL: http://arxiv.org/abs/1801.04391v1 + +Title: Application of Mössbauer spectroscopy to study vibrations of a granular medium excited by ultrasound +URL: http://arxiv.org/abs/2001.07511v1 + +Title: Frequency-induced Negative Magnetic Susceptibility in Epoxy/Magnetite Nanocomposites +URL: http://arxiv.org/abs/2011.04199v3 + +Title: Decay estimate in a viscoelastic plate equation with past history, nonlinear damping, and logarithmic nonlinearity +URL: http://arxiv.org/abs/2206.12561v1 + +Title: Study on the fabrication of low-pass metal powder filters for use at cryogenic temperatures +URL: http://arxiv.org/abs/1605.07597v1 + +Title: Viscoelasticity and elastocapillarity effects in the impact of drops on a repellent surface +URL: http://arxiv.org/abs/2105.09244v1 + +Title: Interlaminar toughening in structural carbon fiber/epoxy composites interleaved with carbon nanotube veils +URL: http://arxiv.org/abs/1905.09080v2 + +Title: Piezoelectric polyvinylidene fluoride-based epoxy composites produced by combined uniaxial compression and poling +URL: http://arxiv.org/abs/1909.13234v1 + +Title: Characterization of phase structure spectrum in interleaved carbon fibre reinforced epoxy matrix composites by Polyaryletherketone with Cardo using AFM +URL: http://dx.doi.org/https://doi.org/10.17632/sxgzm9vwmy.1 + +Title: raw test data for ���Establishment of interlaminar structure and toughening effect in interleaved carbon fiber reinforced epoxy composites by CNTs/PEK-C interlayer��� +URL: https://doi.org/10.17632/mfb366wv6x.1 + +Title: Permittivity and permeability of epoxy-magnetite powder composites at microwave frequencies +URL: http://arxiv.org/abs/2001.02336v1 + +Title: Feature-based prediction of properties of cross-linked epoxy polymers by molecular dynamics and machine learning techniques +URL: http://arxiv.org/abs/2312.07149v1 + +Title: Fracture and Damping of Ionomer Interleaved Epoxy Composites +URL: https://doi.org/10.1177/089270570001300404 + +Title: Stabilization for vibrating plate with singular structural damping +URL: http://arxiv.org/abs/1905.13089v1 + +Title: Characterization of the frequency response of channel-interleaved photonic ADCs based on the optical time-division demultiplexer +URL: http://arxiv.org/abs/2109.04362v1 + +Title: Toughening of epoxy systems by brominated epoxy +URL: https://doi.org/10.1002/pen.24890 + +Title: Simulations of turbulence over compliant walls +URL: http://arxiv.org/abs/2111.01183v1 + +Title: Toughening Behavior of Carbon/Epoxy Laminates Interleaved by PSF/PVDF Composite Nanofibers +URL: https://strathprints.strath.ac.uk/73799/1/Saghafi_etal_AS_2020_Toughening_behavior_of_carbon_epoxy_laminates_interleaved_by_PSF_PVDF.pdf + +Title: Interlaminar shear fracture of interleaved graphite/epoxy composites +URL: https://doi.org/10.1016/0266-3538(92)90133-n + +Title: Timescale bridging in atomistic simulations of epoxy polymer mechanics using non-affine deformation theory +URL: http://arxiv.org/abs/2406.02113v1 + +Title: Interleaved winding and suppression of natural frequencies +URL: https://doi.org/10.1049/iet-epa.2012.0362 + +Title: ConcertoRL: An Innovative Time-Interleaved Reinforcement Learning Approach for Enhanced Control in Direct-Drive Tandem-Wing Vehicles +URL: http://arxiv.org/abs/2405.13651v1 + +Title: Mode I Interlaminar Fracture of Interleaved Graphite/Epoxy +URL: https://doi.org/10.1177/002199839202600306 + +Title: Interleave-sampled photoacoustic (PA) imaging: a doubled and equivalent sampling rate for high-frequency imaging +URL: https://dx.doi.org/10.6084/m9.figshare.c.5998738.v1 + +Title: Molecular Dynamics Study to Predict Thermo-Mechanical Properties of DGEBF/DETDA Epoxy as a Function of Crosslinking Density +URL: http://arxiv.org/abs/2108.00933v1 + +Title: Frequency-Adaptive Pan-Sharpening with Mixture of Experts +URL: http://arxiv.org/abs/2401.02151v1 + +Title: data for Synergistic combination of nano-materialPEK-C for interleaving toughening and strengthening in carbon fibre reinforced epoxy composites +URL: http://dx.doi.org/https://doi.org/10.17632/78y7j4ksgg.1 + +Title: data for Synergistic combination of nano-materialPEK-C for interleaving toughening and strengthening in carbon fibre reinforced epoxy composites +URL: https://doi.org/10.17632/78y7j4ksgg + +Title: Global existence and decay estimates for a viscoelastic plate equation with nonlinear damping and logarithmic nonlinearity +URL: http://arxiv.org/abs/2201.00983v1 + +Title: Dielectric Properties of Conductively Loaded Polyimides in the Far Infrared +URL: http://arxiv.org/abs/1810.01962v2 + +Title: Bridgeless PFC - Interleaved Boost Converter with Switching Frequency Modulation (IBC-SFM) +URL: https://doi.org/10.21227/y72d-1v14 + +Title: Preparation of itaconic acid-modified epoxy resins and comparative study on the properties of it and epoxy acrylates +URL: https://dx.doi.org/10.17632/htsp7r3g6f.1 + +Title: Cyclic Olefin Copolymer Interleaves for Thermally Mendable Carbon/Epoxy Laminates +URL: http://dx.doi.org/10.3390/molecules25225347 + +Title: PFC - Interleaved Boost Converter with Switching Frequency Modulation (IBC-SFM) +URL: https://doi.org/10.21227/97s7-dg13 + +Title: Development of epoxy-based millimeter absorber with expanded polystyrenes and carbon black +URL: http://arxiv.org/abs/2210.16202v2 + +Title: Frequency Dynamic Convolution: Frequency-Adaptive Pattern Recognition for Sound Event Detection +URL: http://arxiv.org/abs/2203.15296v2 + +Title: The mechanical and electrical properties of direct-spun carbon nanotube mat-epoxy composites +URL: http://arxiv.org/abs/1905.08422v1 + +Title: Interleaved Prange: A New Generic Decoder for Interleaved Codes +URL: http://arxiv.org/abs/2205.14068v1 + +Title: A Novel Octal Annular Ring-Shaped Planar Monopole Antenna For WiFi And Unlicensed Ultra Wideband Frequency Range Applications +URL: http://arxiv.org/abs/2311.08925v3 + +Title: Channel Mapping Based on Interleaved Learning with Complex-Domain MLP-Mixer +URL: http://arxiv.org/abs/2401.03420v1 + +Title: Theoretical Analysis on the Efficiency of Interleaved Comparisons +URL: http://arxiv.org/abs/2306.10023v1 + +Title: Coordinate Interleaved Orthogonal Design with Media-Based Modulation +URL: http://arxiv.org/abs/2004.13349v1 + +Title: Determination of Frequency-Dependent Shear Modulus of Viscoelastic Layer via a Constrained Sandwich Beam. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36145896 + +Title: Dynamic responses of a damaged double Euler-Bernoulli beam traversed by a 'phantom' vehicle. +URL: https://www.ncbi.nlm.nih.gov/pubmed/35864846 + +Title: Recyclable flame-retardant epoxy composites based on disulfide bonds. Flammability and recyclability +URL: http://arxiv.org/abs/2105.02141v1 + +Title: Divanillin-based aromatic amines: synthesis and application as curing agents for bio-based epoxy thermosets +URL: http://arxiv.org/abs/1911.08960v1 + +Title: Energy storage in structural composites by introducing CNT fiber/polymer electrolyte interleaves +URL: http://arxiv.org/abs/1810.00802v1 + +Title: Precise control of optical phase and coherent synthesis in femtosecond laser based optical frequency combs +URL: http://arxiv.org/abs/2204.06410v1 + +Title: Ecovisor: A Virtual Energy System for Carbon-Efficient Applications +URL: http://arxiv.org/abs/2210.04951v1 + +Title: Superior enhancement in thermal conductivity of epoxy/graphene nanocomposites through use of dimethylformamide (DMF) relative to acetone as solvent +URL: http://arxiv.org/abs/2201.03527v2 + +Title: Frequency interleaving as a codesign scheduling paradigm +URL: https://doi.org/10.1109/hsc.2000.843721 + +Title: Short-Packet Interleaver against Impulse Interference in Practical Industrial Environments +URL: http://arxiv.org/abs/2203.00770v1 + +Title: Piezoelectric studies of epoxy/BiFeO3 composites +URL: http://dx.doi.org/10.18150/FZBLOS + +Title: raw test data for “Establishment of interlaminar structure and crack propagation in carbon fiber reinforced epoxy composites by interleaving CNTs/PEK-C film” +URL: http://dx.doi.org/https://doi.org/10.17632/mfb366wv6x.2 + +Title: Novel Expandable Epoxy Beads and Epoxy Particle Foam +URL: https://doi.org/10.3390/ma15124205 + +Title: Interleaving Learning, with Application to Neural Architecture Search +URL: http://arxiv.org/abs/2103.07018v1 + +Title: Understanding viscoelastic flow instabilities: Oldroyd-B and beyond +URL: http://arxiv.org/abs/2202.08305v1 + +Title: High-Temperature Electromagnetic and Thermal Characteristics of Graphene Composites +URL: http://arxiv.org/abs/2004.12201v1 + +Title: Large-scale photonic chip based pulse interleaver for low-noise microwave generation +URL: http://arxiv.org/abs/2404.14242v1 + +Title: Node-downloadable frequency transfer system based on a mode-locked laser with over 100 km of fiber +URL: http://arxiv.org/abs/2312.10404v1 + +Title: Time-Frequency Transformer: A Novel Time Frequency Joint Learning Method for Speech Emotion Recognition +URL: http://arxiv.org/abs/2308.14568v1 + +Title: Multifunctional epoxy nanocomposites reinforced by two-dimensional materials: A review +URL: http://arxiv.org/abs/2109.03525v1 + +Title: On Decoding High-Order Interleaved Sum-Rank-Metric Codes +URL: http://arxiv.org/abs/2303.17454v1 + +Title: Optimizing carbon tax for decentralized electricity markets using an agent-based model +URL: http://arxiv.org/abs/2006.01601v1 + +Title: Role of redox additive modified electrolytes in making Na-ion supercapacitors a competitive energy storage device +URL: http://arxiv.org/abs/2112.07946v1 + +Title: Sodium storage via single epoxy group on graphene - The role of surface doping +URL: http://arxiv.org/abs/1801.08389v1 + +Title: Broadband high-resolution molecular spectroscopy with interleaved mid-infrared frequency combs +URL: http://arxiv.org/abs/2006.01896v1 + +Title: Possibility of using of the measured frequency f instead of ω self-generated frequency +URL: http://arxiv.org/abs/1710.09777v1 + +Title: Intrablock Interleaving for Batched Network Coding with Blockwise Adaptive Recoding +URL: http://arxiv.org/abs/2105.07609v2 + +Title: Logarithmic Frequency Scaling and Consistent Frequency Coverage for the Selection of Auditory Filterbank Center Frequencies +URL: http://arxiv.org/abs/1801.00075v1 + +Title: Modeling and Vibration Control of Sandwich Composite Plates. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36769904 + +Title: Epoxy\Epoxy Composite\Epoxy Hybrid Composite Coatings for Tribological Applications—A Review +URL: https://pubmed.ncbi.nlm.nih.gov/33419106 + +Title: Multi-color solitons and frequency combs in microresonators +URL: http://arxiv.org/abs/2409.03880v1 + +Title: Optimizing Carbon Storage Operations for Long-Term Safety +URL: http://arxiv.org/abs/2304.09352v1 + +Title: An interleaver design for polar codes over slow fading channels +URL: http://arxiv.org/abs/1610.04924v1 + +Title: Finite Element Modeling and Vibration Control of Plates with Active Constrained Layer Damping Treatment. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36837277 + +Title: Efficient Absorption of Terahertz Radiation in Graphene Polymer Composites +URL: http://arxiv.org/abs/2109.01082v1 + +Title: SHIELD: Sustainable Hybrid Evolutionary Learning Framework for Carbon, Wastewater, and Energy-Aware Data Center Management +URL: http://arxiv.org/abs/2308.13086v1 + +Title: Active Vibration Control of Composite Cantilever Beams. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36614435 + +Title: Effect of fluid viscoelasticity, shear stress, and interface tension on the lift force in lubricated contacts. +URL: https://www.ncbi.nlm.nih.gov/pubmed/37873958 + +Title: Structure of the influenza AM2-BM2 chimeric channel bound to rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljc + +Title: Unlocking epoxy thermal management capability via hierarchical Ce-MOF@MoS +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326167 + +Title: EQUILLIBRIUM MIXTURE OF OPEN AND PARTIALLY-CLOSED SPECIES IN THE APO STATE OF MALTODEXTRIN-BINDING PROTEIN BY PARAMAGNETIC RELAXATION ENHANCEMENT NMR +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2v93 + +Title: Comparison of test-retest reproducibility of DESPOT and 3D-QALAS for water +URL: https://www.ncbi.nlm.nih.gov/pubmed/39229114 + +Title: Interleaved Block-Sparse Transform +URL: http://arxiv.org/abs/2407.13255v1 + +Title: Crystal Structure of HLA-B8 in complex with ELR, an Influenza A virus peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmq + +Title: High-Resolution Quantum Cascade Laser Dual-Comb Spectroscopy in the Mid-Infrared with Absolute Frequency Referencing +URL: http://arxiv.org/abs/2205.03334v1 + +Title: Atomic model of the Salmonella SPI-1 type III secretion injectisome basal body proteins InvG, PrgH, and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcr + +Title: Alternative interleaving schemes for interleaved orthogonal frequency division multiplexing +URL: https://doi.org/10.1109/tencon.2003.1273265 + +Title: Frequency Domain Interleaving for Dense WDM Passive Optical Network +URL: https://dx.doi.org/10.6084/m9.figshare.8324729.v1 + +Title: Interfacial behavior of vegetable protein isolates at sunflower oil/water interface. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36413907 + +Title: Crystal structure of cathepsin b inhibited with CA030 at 2.1 angstroms resolution: A basis for the design of specific epoxysuccinyl inhibitors +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/1csb + +Title: Optimal Carbon Emission Control With Allowances Purchasing +URL: http://arxiv.org/abs/2407.08477v1 + +Title: EcoLife: Carbon-Aware Serverless Function Scheduling for Sustainable Computing +URL: http://arxiv.org/abs/2409.02085v2 + +Title: Solution Structure of Bacillus anthracis Sortase A (SrtA) Transpeptidase +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2kw8 + +Title: Solution structure of protein ARR_CleD in complex with c-di-GMP +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/6sft + +Title: Dynamics of Droplet Pinch-Off at Emulsified Oil-Water Interfaces: Interplay between Interfacial Viscoelasticity and Capillary Forces. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36763387 + +Title: Time or frequency interleaved analog-to-digital converters +URL: https://hal.science/hal-02192725 + +Title: Polarization insensitive non-interleaved frequency multiplexed dual-band Terahertz coding metasurface for independent control of reflected waves. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39261549 + +Title: data for "Effect of curing time on phase morphology and fracture toughness of PEK-C film interleaved carbon fibre/epoxy composite laminates" +URL: https://dx.doi.org/10.17632/8jwzx53ypw + +Title: Numerical analysis of fiber reinforced composite material for structural component application. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328535 + +Title: Time- and Frequency-Interleaving: Distinctions and Connections +URL: https://doi.org/10.1109/tsp.2021.3074013 + +Title: Contact Resistivity and Epoxy Thermal Degradation +URL: https://eprints.soton.ac.uk/456860/ + +Title: Crystal Structure of HLA-B7 in complex with RPP, an EBV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmo + +Title: epoxy simulations +URL: http://dx.doi.org/https://doi.org/10.17632/zxdxp326dd.1 + +Title: Influential reinforcement parameters, elemental mapping, topological analysis and mechanical performance of lignocellulosic date palm/epoxy composites for improved sustainable materials. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39323794 + +Title: Optimal pricing for carbon dioxide removal under inter-regional leakage +URL: http://arxiv.org/abs/2212.09299v1 + +Title: Frequency Spectrum Rotation in Interleaved Frequency Division Multiplexing +URL: https://doi.org/10.1093/ietcom/e91-b.7.2357 + +Title: Interleave Frequency Division Multiplexing +URL: http://arxiv.org/abs/2405.02604 + +Title: Interleave Frequency Division Multiplexing +URL: http://arxiv.org/abs/2405.02604v1 + +Title: Towards a Novel Perspective on Adversarial Examples Driven by Frequency +URL: http://arxiv.org/abs/2404.10202v1 + +Title: 2,3-epoxy-2,4,4-trimethylpentane +URL: https://dx.doi.org/10.17614/q4vh5cv02 + +Title: Quantum paraelectric varactors for radiofrequency measurements at millikelvin temperatures. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329079 + +Title: Crystal Structure of HLA-B8 in complex with QIK, a CMV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmr + +Title: Crystal Structure of HLA-B7 in complex with SPI, an influenza peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmn + +Title: Structure of the influenza AM2-BM2 chimeric channel +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljb + +Title: Microbial Degradation of Epoxy +URL: https://doi.org/10.3390/ma11112123 + +Title: Proton Channel M2 from Influenza A in complex with inhibitor rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2rlf + +Title: Super-Resolution Ultrasound Imaging for Analysis of Microbubbles Cluster by Acoustic Vortex Tweezers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39312432 + +Title: NTSC and PAL frequency interleaving +URL: https://doi.org/10.1016/b978-155860792-7/50095-1 + +Title: Near-atomic resolution cryo-EM structure of the periplasmic domains of PrgH and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcp + +Title: Process synthesis and optimization for the production of carbon nanostructures. +URL: https://www.ncbi.nlm.nih.gov/pubmed/19706958 + +Title: Three-dimensional EM structure of an intact activator-dependent transcription initiation complex +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3iyd + +Title: Assessment of spectral ghost artifacts in echo-planar spectroscopic micro-imaging with flyback readout. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39317713 + +Title: Effect of cementation protocols on the fracture load of bilayer ceramic crowns manufactured by the Rapid Layer Technology. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39320003 + +Title: Mitigating Low-Frequency Bias: Feature Recalibration and Frequency Attention Regularization for Adversarial Robustness +URL: http://arxiv.org/abs/2407.04016v1 + +Title: EPOXI Mission +URL: https://doi.org/10.1007/978-3-642-27833-4_528-3 + +Title: Surface topography changes and wear resistance of different non-metallic telescopic crown attachment materials in implant retained overdenture (prospective comparative in vitro study). +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327589 + +Title: Demonstrating a Quartz Crystal Microbalance with Dissipation (QCMD) to Enhance the Monitoring and Mechanistic Understanding of Iron Carbonate Crystalline Films. +URL: https://www.ncbi.nlm.nih.gov/pubmed/38980721 + +Title: A Multifunctional Coating with Active Corrosion Protection Through a Synergistic pH- and Thermal-Responsive Mechanism. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39324225 + +Title: Interleavings and Matchings as Representations +URL: http://arxiv.org/abs/2004.03840v1 + +Title: Epoxy coatings +URL: https://doi.org/10.1007/978-1-4899-6836-4_14 + +Title: Frequency Interleaving DAC (FI-DAC) +URL: https://doi.org/10.1007/978-3-658-27264-7_5 + +Title: Rational design of epoxy functionalized ionic liquids electrolyte additive for hydrogen-free and dendrite-free aqueous zinc batteries. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326165 + +Title: Reducing residential emissions: carbon pricing vs. subsidizing retrofits +URL: http://arxiv.org/abs/2310.15687v1 + +Title: Data for: Plasmonic Nanoparticle-based Epoxy Photocuring +URL: http://dx.doi.org/10.17632/XP9CWV6MPB.1 + +Title: Crystal Structure of MHC class I HLA-A2 molecule complexed with HCMV pp65-495-503 nonapeptide V6G variant +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3mrd + +Title: Baumol's Climate Disease +URL: http://arxiv.org/abs/2312.00160v1 + +Title: Evaluation of the Antihyperglycemic efficacy of the roots of Ferula orientalis L.: An in vitro to in vivo assessment. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39321856 + +Title: Universality of the Homotopy Interleaving Distance +URL: http://arxiv.org/abs/1705.01690v2 + +Title: Enhanced multi-layer perceptron for CO2 emission prediction with worst moth disrupted moth fly optimization (WMFO). +URL: https://www.ncbi.nlm.nih.gov/pubmed/38882359 + +Title: Interleaved and partial transmission interleaved optical coherent orthogonal frequency division multiplexing +URL: https://pubmed.ncbi.nlm.nih.gov/24686705 + +Title: Echotexture of recurrent laryngeal nerves: the depiction of recurrent laryngeal nerves at high-frequency ultrasound during radical thyroidectomy. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329102 + +Title: Purification and Characterization of an Extracellular Alkaline Solvent-stable Metalloprotease Secreted from Newly Isolated +URL: https://www.ncbi.nlm.nih.gov/pubmed/34825018 + +Title: The Double-Deck Viscoelastic Technique: a Novel Surgical Technique to Protect the Corneal Endothelium in Penetrating Keratoplasty of Aphakic Silicone Oil-Dependent Eyes after Severe Ocular Injury. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36309624 + +Title: Interleaving of path sets +URL: http://arxiv.org/abs/2101.02441v1 + +Title: A novel Affi-Cova magnetic nanoparticles for one-step covalent immobilization of His-tagged enzyme directly from crude cell lysate. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39322145 + +Title: Micro frequency hopping spread spectrum modulation and encryption technology +URL: http://arxiv.org/abs/2408.00400v1 + +Title: Epoxies +URL: https://doi.org/10.1007/978-94-009-1195-6_18 + +Title: An Interleaving Distance for Ordered Merge Trees +URL: http://arxiv.org/abs/2312.11113v3 + +Title: Labeled Interleaving Distance for Reeb Graphs +URL: http://arxiv.org/abs/2306.01186v1 + +Title: PRIME: Phase Reversed Interleaved Multi-Echo acquisition enables highly accelerated distortion-free diffusion MRI. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39314505 + +Title: Epoxy Resins +URL: https://doi.org/10.1016/b978-081551515-9.50005-6 + +Title: Characterisation Data - Epoxy characterisation +URL: https://dx.doi.org/10.5281/zenodo.5879154 + +Title: Magnetic Resonance Imaging (MRI) Evaluation and Classification of Vascular Malformations. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39310382 + +Title: EPOXI instrument calibration +URL: https://hal.science/hal-01439491 + +Title: The interaction between dietary nitrates/nitrites intake and gut microbial metabolites on metabolic syndrome: a cross-sectional study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328991 + +Title: Ultra-tough and reprocessible epoxy thermoset +URL: https://dx.doi.org/10.6084/m9.figshare.25425292.v1 + +Title: Evaluation of Middle Cerebral Artery Culprit Plaque Inflammation in Ischemic Stroke Using CAIPIRINHA-Dixon-TWIST Dynamic Contrast-Enhanced Magnetic Resonance Imaging. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39258494 + +Title: epoxy characterisation +URL: http://dx.doi.org/10.5281/zenodo.5958293 + +Title: Unveiling the hidden risks of CPAP device innovations and the necessity of patient-centric testing. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329189 + +Title: Noradrenaline modulates sensory information in mouse vomeronasal sensory neurons. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328934 + +Title: Illness representation in patients with multiple sclerosis: A preliminary narrative medicine study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329093 + +Title: A Review of Meta-Analyses of Prevention Strategies for Problematic Cannabis Use. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328973 + +Title: Hitting the Rewind Button: Imagining Analogue Trauma Memories in Reverse Reduces Distressing Intrusions. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329077 + +Title: [Identification of conservation and restoration materials for iron relics through ultraviolet-induced visible luminescence imaging and pyrolysis-gas chromatography/mass spectrometry]. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327664 + +Title: [The cutting-edge developments and future prospects of enabling technologies in spinal surgery clinical treatments]. +URL: https://www.ncbi.nlm.nih.gov/pubmed/38044602 + +Title: Sensori-motor neurofeedback improves inhibitory control and induces neural changes: a placebo-controlled, double-blind, event-related potentials study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328986 + +Title: Supervised machine learning on ECG features to classify sleep in non-critically ill children. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329187 + +Title: Neural Mechanisms of Learning and Consolidation of Morphologically Derived Words in a Novel Language: Evidence From Hebrew Speakers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39301207 + +Title: How does industrial structure transformation affect carbon emissions in China: the moderating effect of financial development. +URL: https://www.ncbi.nlm.nih.gov/pubmed/34595705 + +Title: octane, 3,4-epoxy-2,2,7,7-tetramethyl- +URL: https://dx.doi.org/10.17614/q4445j24f + +Title: Blocked training facilitates learning of multiple schemas. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39242783 + +Title: HER4 is a high-affinity dimerization partner for all EGFR/HER/ErbB family proteins. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39276020 + +Title: EPOXI +URL: http://ora.ox.ac.uk/objects/uuid:446e4f1f-e73c-425d-909b-faf79dc4ba29 + diff --git a/logs/run_09-27_14-15.log b/logs/run_09-27_14-15.log new file mode 100644 index 0000000..5b3c8e7 --- /dev/null +++ b/logs/run_09-27_14-15.log @@ -0,0 +1,708 @@ +# Hin run, 09-27_14-15 + +Subject : Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer + +## Keywords + +['viscoelastic layer', 'epoxy', 'optimization carbon', 'frequency', 'interleaved'] + +## Queries + +Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer; +"viscoelastic layer"; +"epoxy"; +"optimization carbon"; +"frequency"; +"interleaved"; +"viscoelastic layer" OR "epoxy"; +"viscoelastic layer" OR "optimization carbon"; +"viscoelastic layer" OR "frequency"; +"viscoelastic layer" OR "interleaved"; +"epoxy" OR "optimization carbon"; +"epoxy" OR "frequency"; +"epoxy" OR "interleaved"; +"optimization carbon" OR "frequency"; +"optimization carbon" OR "interleaved"; +"frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon"; +"viscoelastic layer" OR "epoxy" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency"; +"epoxy" OR "optimization carbon" OR "interleaved"; +"epoxy" OR "frequency" OR "interleaved"; +"optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; + +## Results + +Title: Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer +URL: https://hal.science/hal-03155700 + +Title: Viscoelastic Effects during Tangential Contact Analyzed by a Novel Finite Element Approach with Embedded Interface Profiles +URL: http://arxiv.org/abs/2110.07886v1 + +Title: Viscoelastic amplification of the pull-off stress in the detachment of a rigid flat punch from an adhesive soft viscoelastic layer +URL: http://arxiv.org/abs/2310.07597v2 + +Title: Controllability of a viscoelastic plate using one boundary control in displacement or bending +URL: http://arxiv.org/abs/1604.02240v1 + +Title: Frequency dispersion model of the complex permeability of the epoxy—ferrite composite +URL: https://doi.org/10.1002/(sici)1097-4628(19971017)66:3<477::aid-app7>3.0.co;2-m + +Title: Extended plane wave expansion formulation for viscoelastic phononic thin plates +URL: http://arxiv.org/abs/2310.14916v1 + +Title: Oscillatory laminar shear flow over a compliant viscoelastic layer on a rigid base +URL: http://arxiv.org/abs/1705.04479v1 + +Title: Corona frequency analysis in artificial cavities in epoxy resins +URL: https://doi.org/10.1109/eidp.1973.7683921 + +Title: Simulations of wobble damping in viscoelastic rotators +URL: http://arxiv.org/abs/1901.01439v3 + +Title: Effect of viscoelastic fluid on the lift force in lubricated contacts +URL: http://arxiv.org/abs/2308.10400v1 + +Title: On the conductivity of pure epoxy in time and frequency domain +URL: https://doi.org/10.1109/ceidp.2009.5377887 + +Title: Derivation of von Kármán plate theory in the framework of three-dimensional viscoelasticity +URL: http://arxiv.org/abs/1902.10037v4 + +Title: Frequency dependent heat capacity in the cure of epoxy resins +URL: https://biblio.vub.ac.be/vubir/frequency-dependent-heat-capacity-in-the-cure-of-epoxy-resins(97c1b558-334b-45be-b071-36b58532ef12).html + +Title: Resistivity and low-frequency noise characteristics of epoxy-carbon composites +URL: https://hal.univ-lorraine.fr/hal-03563489/document + +Title: Dynamics of two linearly elastic bodies connected by a heavy thin soft viscoelastic layer +URL: http://arxiv.org/abs/1912.05600v1 + +Title: Frequency Selective Surface Properties of Microwave New Absorbing Porous Carbon Materials Embedded in Epoxy Resin +URL: https://dx.doi.org/10.6084/m9.figshare.10025696 + +Title: Boundary layer in linear viscoelasticity +URL: http://arxiv.org/abs/1912.06122v1 + +Title: Complex permittivity characteristics of epoxy nanocomposites at low frequencies +URL: https://doi.org/10.1109/tdei.2010.5539697 + +Title: Application of Mössbauer spectroscopy to study vibrations of a granular medium excited by ultrasound +URL: http://arxiv.org/abs/2001.07511v1 + +Title: Frequency-induced Negative Magnetic Susceptibility in Epoxy/Magnetite Nanocomposites +URL: http://arxiv.org/abs/2011.04199v3 + +Title: Frequency-induced negative magnetic susceptibility in epoxy/magnetite nanocomposites +URL: https://doaj.org/article/050f3220125e47a09ca0f3328147d3bc + +Title: Decay estimate in a viscoelastic plate equation with past history, nonlinear damping, and logarithmic nonlinearity +URL: http://arxiv.org/abs/2206.12561v1 + +Title: Study on the fabrication of low-pass metal powder filters for use at cryogenic temperatures +URL: http://arxiv.org/abs/1605.07597v1 + +Title: Viscoelasticity and elastocapillarity effects in the impact of drops on a repellent surface +URL: http://arxiv.org/abs/2105.09244v1 + +Title: Interlaminar toughening in structural carbon fiber/epoxy composites interleaved with carbon nanotube veils +URL: http://arxiv.org/abs/1905.09080v2 + +Title: Piezoelectric polyvinylidene fluoride-based epoxy composites produced by combined uniaxial compression and poling +URL: http://arxiv.org/abs/1909.13234v1 + +Title: Permittivity and permeability of epoxy-magnetite powder composites at microwave frequencies +URL: http://arxiv.org/abs/2001.02336v1 + +Title: Feature-based prediction of properties of cross-linked epoxy polymers by molecular dynamics and machine learning techniques +URL: http://arxiv.org/abs/2312.07149v1 + +Title: Permittivity and permeability of epoxy–magnetite powder composites at microwave frequencies +URL: http://hdl.handle.net/10281/259088 + +Title: The effect of frequency on the dielectric strength of epoxy resin and epoxy resin based nanocomposites +URL: https://doi.org/10.23919/iseim.2017.8088708 + +Title: Stabilization for vibrating plate with singular structural damping +URL: http://arxiv.org/abs/1905.13089v1 + +Title: Analysis of MWCNT/epoxy composites at microwave frequency: reproducibility investigation +URL: https://doi.org/10.1186/1556-276x-9-168 + +Title: Characterization of the frequency response of channel-interleaved photonic ADCs based on the optical time-division demultiplexer +URL: http://arxiv.org/abs/2109.04362v1 + +Title: Toughening of epoxy systems by brominated epoxy +URL: https://doi.org/10.1002/pen.24890 + +Title: Simulations of turbulence over compliant walls +URL: http://arxiv.org/abs/2111.01183v1 + +Title: Timescale bridging in atomistic simulations of epoxy polymer mechanics using non-affine deformation theory +URL: http://arxiv.org/abs/2406.02113v1 + +Title: Interleaved winding and suppression of natural frequencies +URL: https://doi.org/10.1049/iet-epa.2012.0362 + +Title: ConcertoRL: An Innovative Time-Interleaved Reinforcement Learning Approach for Enhanced Control in Direct-Drive Tandem-Wing Vehicles +URL: http://arxiv.org/abs/2405.13651v1 + +Title: Deposition and Visualization of DNA Molecules on Graphene That is Obtained with the Aid of Mechanical Splitting on a Substrate with an Epoxy Sublayer +URL: http://arxiv.org/abs/1811.02943v1 + +Title: Interleave-sampled photoacoustic (PA) imaging: a doubled and equivalent sampling rate for high-frequency imaging +URL: https://dx.doi.org/10.6084/m9.figshare.c.5998738.v1 + +Title: Molecular Dynamics Study to Predict Thermo-Mechanical Properties of DGEBF/DETDA Epoxy as a Function of Crosslinking Density +URL: http://arxiv.org/abs/2108.00933v1 + +Title: Frequency-Adaptive Pan-Sharpening with Mixture of Experts +URL: http://arxiv.org/abs/2401.02151v1 + +Title: Frequency Vectoralization and Frequency Birefringence +URL: http://arxiv.org/abs/1708.09508 + +Title: Global existence and decay estimates for a viscoelastic plate equation with nonlinear damping and logarithmic nonlinearity +URL: http://arxiv.org/abs/2201.00983v1 + +Title: Bridgeless PFC - Interleaved Boost Converter with Switching Frequency Modulation (IBC-SFM) +URL: https://doi.org/10.21227/y72d-1v14 + +Title: Preparation of itaconic acid-modified epoxy resins and comparative study on the properties of it and epoxy acrylates +URL: https://dx.doi.org/10.17632/htsp7r3g6f.1 + +Title: Self-referencing of an on-chip soliton Kerr frequency comb without external broadening +URL: http://arxiv.org/abs/1605.02801v1 + +Title: PFC - Interleaved Boost Converter with Switching Frequency Modulation (IBC-SFM) +URL: https://doi.org/10.21227/97s7-dg13 + +Title: Frequency Dynamic Convolution: Frequency-Adaptive Pattern Recognition for Sound Event Detection +URL: http://arxiv.org/abs/2203.15296v2 + +Title: The mechanical and electrical properties of direct-spun carbon nanotube mat-epoxy composites +URL: http://arxiv.org/abs/1905.08422v1 + +Title: Interleaved Prange: A New Generic Decoder for Interleaved Codes +URL: http://arxiv.org/abs/2205.14068v1 + +Title: A Novel Octal Annular Ring-Shaped Planar Monopole Antenna For WiFi And Unlicensed Ultra Wideband Frequency Range Applications +URL: http://arxiv.org/abs/2311.08925v3 + +Title: Channel Mapping Based on Interleaved Learning with Complex-Domain MLP-Mixer +URL: http://arxiv.org/abs/2401.03420v1 + +Title: Coordinate Interleaved Orthogonal Design with Media-Based Modulation +URL: http://arxiv.org/abs/2004.13349v1 + +Title: Determination of Frequency-Dependent Shear Modulus of Viscoelastic Layer via a Constrained Sandwich Beam. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36145896 + +Title: Dynamic responses of a damaged double Euler-Bernoulli beam traversed by a 'phantom' vehicle. +URL: https://www.ncbi.nlm.nih.gov/pubmed/35864846 + +Title: Recyclable flame-retardant epoxy composites based on disulfide bonds. Flammability and recyclability +URL: http://arxiv.org/abs/2105.02141v1 + +Title: Divanillin-based aromatic amines: synthesis and application as curing agents for bio-based epoxy thermosets +URL: http://arxiv.org/abs/1911.08960v1 + +Title: Energy storage in structural composites by introducing CNT fiber/polymer electrolyte interleaves +URL: http://arxiv.org/abs/1810.00802v1 + +Title: Precise control of optical phase and coherent synthesis in femtosecond laser based optical frequency combs +URL: http://arxiv.org/abs/2204.06410v1 + +Title: Ecovisor: A Virtual Energy System for Carbon-Efficient Applications +URL: http://arxiv.org/abs/2210.04951v1 + +Title: Superior enhancement in thermal conductivity of epoxy/graphene nanocomposites through use of dimethylformamide (DMF) relative to acetone as solvent +URL: http://arxiv.org/abs/2201.03527v2 + +Title: Frequency interleaving as a codesign scheduling paradigm +URL: https://doi.org/10.1109/hsc.2000.843721 + +Title: Short-Packet Interleaver against Impulse Interference in Practical Industrial Environments +URL: http://arxiv.org/abs/2203.00770v1 + +Title: Piezoelectric studies of epoxy/BiFeO3 composites +URL: http://dx.doi.org/10.18150/FZBLOS + +Title: Novel Expandable Epoxy Beads and Epoxy Particle Foam +URL: https://doi.org/10.3390/ma15124205 + +Title: Interleaving Learning, with Application to Neural Architecture Search +URL: http://arxiv.org/abs/2103.07018v1 + +Title: Understanding viscoelastic flow instabilities: Oldroyd-B and beyond +URL: http://arxiv.org/abs/2202.08305v1 + +Title: High-Temperature Electromagnetic and Thermal Characteristics of Graphene Composites +URL: http://arxiv.org/abs/2004.12201v1 + +Title: Large-scale photonic chip based pulse interleaver for low-noise microwave generation +URL: http://arxiv.org/abs/2404.14242v1 + +Title: Node-downloadable frequency transfer system based on a mode-locked laser with over 100 km of fiber +URL: http://arxiv.org/abs/2312.10404v1 + +Title: The Frequency of the Frequency : On Hydropower and Grid Frequency Control +URL: http://urn.kb.se/resolve?urn=urn:nbn:se:uu:diva-308441 + +Title: Time-Frequency Transformer: A Novel Time Frequency Joint Learning Method for Speech Emotion Recognition +URL: http://arxiv.org/abs/2308.14568v1 + +Title: Multifunctional epoxy nanocomposites reinforced by two-dimensional materials: A review +URL: http://arxiv.org/abs/2109.03525v1 + +Title: On Decoding High-Order Interleaved Sum-Rank-Metric Codes +URL: http://arxiv.org/abs/2303.17454v1 + +Title: Optimizing carbon tax for decentralized electricity markets using an agent-based model +URL: http://arxiv.org/abs/2006.01601v1 + +Title: Role of redox additive modified electrolytes in making Na-ion supercapacitors a competitive energy storage device +URL: http://arxiv.org/abs/2112.07946v1 + +Title: Frequency spirals +URL: https://pubmed.ncbi.nlm.nih.gov/27781469 + +Title: Broadband high-resolution molecular spectroscopy with interleaved mid-infrared frequency combs +URL: http://arxiv.org/abs/2006.01896v1 + +Title: Possibility of using of the measured frequency f instead of ω self-generated frequency +URL: http://arxiv.org/abs/1710.09777v1 + +Title: Modeling and Vibration Control of Sandwich Composite Plates. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36769904 + +Title: Epoxy\Epoxy Composite\Epoxy Hybrid Composite Coatings for Tribological Applications—A Review +URL: https://pubmed.ncbi.nlm.nih.gov/33419106 + +Title: Multi-color solitons and frequency combs in microresonators +URL: http://arxiv.org/abs/2409.03880v1 + +Title: Optimizing Carbon Storage Operations for Long-Term Safety +URL: http://arxiv.org/abs/2304.09352v1 + +Title: Finite Element Modeling and Vibration Control of Plates with Active Constrained Layer Damping Treatment. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36837277 + +Title: Efficient Absorption of Terahertz Radiation in Graphene Polymer Composites +URL: http://arxiv.org/abs/2109.01082v1 + +Title: SHIELD: Sustainable Hybrid Evolutionary Learning Framework for Carbon, Wastewater, and Energy-Aware Data Center Management +URL: http://arxiv.org/abs/2308.13086v1 + +Title: INTERLEAVED TACTICAL TRAINING OF BIG FOOTBALL TEAMS +URL: https://dx.doi.org/10.6084/m9.figshare.19915198.v1 + +Title: Interleaved Contractions +URL: https://dare.uva.nl/personal/pure/en/publications/interleaved-contractions(5f7de7c2-0f8e-4f52-94f3-af27f4ff13ef).html + +Title: Active Vibration Control of Composite Cantilever Beams. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36614435 + +Title: Effect of fluid viscoelasticity, shear stress, and interface tension on the lift force in lubricated contacts. +URL: https://www.ncbi.nlm.nih.gov/pubmed/37873958 + +Title: Structure of the influenza AM2-BM2 chimeric channel bound to rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljc + +Title: Unlocking epoxy thermal management capability via hierarchical Ce-MOF@MoS +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326167 + +Title: EQUILLIBRIUM MIXTURE OF OPEN AND PARTIALLY-CLOSED SPECIES IN THE APO STATE OF MALTODEXTRIN-BINDING PROTEIN BY PARAMAGNETIC RELAXATION ENHANCEMENT NMR +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2v93 + +Title: Interleaved Group Products +URL: http://arxiv.org/pdf/1804.09787 + +Title: Comparison of test-retest reproducibility of DESPOT and 3D-QALAS for water +URL: https://www.ncbi.nlm.nih.gov/pubmed/39229114 + +Title: Interleaved Block-Sparse Transform +URL: http://arxiv.org/abs/2407.13255v1 + +Title: Crystal Structure of HLA-B8 in complex with ELR, an Influenza A virus peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmq + +Title: Seaglider Sg628 data for interleaving layers in the Kuroshio east of Taiwan +URL: https://dx.doi.org/10.17632/ct5ppst6t2 + +Title: Atomic model of the Salmonella SPI-1 type III secretion injectisome basal body proteins InvG, PrgH, and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcr + +Title: Alternative interleaving schemes for interleaved orthogonal frequency division multiplexing +URL: https://doi.org/10.1109/tencon.2003.1273265 + +Title: Frequency Domain Interleaving for Dense WDM Passive Optical Network +URL: https://dx.doi.org/10.6084/m9.figshare.8324729.v1 + +Title: Interfacial behavior of vegetable protein isolates at sunflower oil/water interface. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36413907 + +Title: Crystal structure of cathepsin b inhibited with CA030 at 2.1 angstroms resolution: A basis for the design of specific epoxysuccinyl inhibitors +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/1csb + +Title: Optimal Carbon Emission Control With Allowances Purchasing +URL: http://arxiv.org/abs/2407.08477v1 + +Title: EcoLife: Carbon-Aware Serverless Function Scheduling for Sustainable Computing +URL: http://arxiv.org/abs/2409.02085v2 + +Title: Solution Structure of Bacillus anthracis Sortase A (SrtA) Transpeptidase +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2kw8 + +Title: Solution structure of protein ARR_CleD in complex with c-di-GMP +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/6sft + +Title: Dynamics of Droplet Pinch-Off at Emulsified Oil-Water Interfaces: Interplay between Interfacial Viscoelasticity and Capillary Forces. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36763387 + +Title: Time or frequency interleaved analog-to-digital converters +URL: https://hal.science/hal-02192725 + +Title: Polarization insensitive non-interleaved frequency multiplexed dual-band Terahertz coding metasurface for independent control of reflected waves. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39261549 + +Title: Interleaving radiosity +URL: https://doi.org/10.1007/bf02949819 + +Title: A Relative Theory of Interleavings +URL: http://arxiv.org/abs/2004.14286v1 + +Title: Numerical analysis of fiber reinforced composite material for structural component application. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328535 + +Title: Time- and Frequency-Interleaving: Distinctions and Connections +URL: https://doi.org/10.1109/tsp.2021.3074013 + +Title: Contact Resistivity and Epoxy Thermal Degradation +URL: https://eprints.soton.ac.uk/456860/ + +Title: Crystal Structure of HLA-B7 in complex with RPP, an EBV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmo + +Title: epoxy simulations +URL: http://dx.doi.org/https://doi.org/10.17632/zxdxp326dd.1 + +Title: Influential reinforcement parameters, elemental mapping, topological analysis and mechanical performance of lignocellulosic date palm/epoxy composites for improved sustainable materials. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39323794 + +Title: Optimal pricing for carbon dioxide removal under inter-regional leakage +URL: http://arxiv.org/abs/2212.09299v1 + +Title: Frequency Spectrum Rotation in Interleaved Frequency Division Multiplexing +URL: https://doi.org/10.1093/ietcom/e91-b.7.2357 + +Title: Interleave Frequency Division Multiplexing +URL: http://arxiv.org/abs/2405.02604 + +Title: Interleave Frequency Division Multiplexing +URL: http://arxiv.org/abs/2405.02604v1 + +Title: Towards a Novel Perspective on Adversarial Examples Driven by Frequency +URL: http://arxiv.org/abs/2404.10202v1 + +Title: Interleavings for categories with a flow and the hom-tree lower bound +URL: http://hdl.handle.net/2429/69159 + +Title: 2,3-epoxy-2,4,4-trimethylpentane +URL: https://dx.doi.org/10.17614/q4vh5cv02 + +Title: Classical Metric Properties for Categories with the Interleaving Distance +URL: https://dx.doi.org/10.5446/60572 + +Title: Quantum paraelectric varactors for radiofrequency measurements at millikelvin temperatures. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329079 + +Title: Crystal Structure of HLA-B8 in complex with QIK, a CMV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmr + +Title: Crystal Structure of HLA-B7 in complex with SPI, an influenza peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmn + +Title: interleave: Converts Tabular Data to Interleaved Vectors +URL: https://doi.org/10.32614/cran.package.interleave + +Title: Structure of the influenza AM2-BM2 chimeric channel +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljb + +Title: Microbial Degradation of Epoxy +URL: https://doi.org/10.3390/ma11112123 + +Title: Proton Channel M2 from Influenza A in complex with inhibitor rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2rlf + +Title: Super-Resolution Ultrasound Imaging for Analysis of Microbubbles Cluster by Acoustic Vortex Tweezers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39312432 + +Title: NTSC and PAL frequency interleaving +URL: https://doi.org/10.1016/b978-155860792-7/50095-1 + +Title: Near-atomic resolution cryo-EM structure of the periplasmic domains of PrgH and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcp + +Title: Process synthesis and optimization for the production of carbon nanostructures. +URL: https://www.ncbi.nlm.nih.gov/pubmed/19706958 + +Title: Interleavers +URL: https://ris.utwente.nl/ws/files/5586234/Preprint_Ch.9.pdf + +Title: Three-dimensional EM structure of an intact activator-dependent transcription initiation complex +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3iyd + +Title: Assessment of spectral ghost artifacts in echo-planar spectroscopic micro-imaging with flyback readout. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39317713 + +Title: Effect of cementation protocols on the fracture load of bilayer ceramic crowns manufactured by the Rapid Layer Technology. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39320003 + +Title: Mitigating Low-Frequency Bias: Feature Recalibration and Frequency Attention Regularization for Adversarial Robustness +URL: http://arxiv.org/abs/2407.04016v1 + +Title: EPOXI Mission +URL: https://doi.org/10.1007/978-3-642-27833-4_528-3 + +Title: Surface topography changes and wear resistance of different non-metallic telescopic crown attachment materials in implant retained overdenture (prospective comparative in vitro study). +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327589 + +Title: Demonstrating a Quartz Crystal Microbalance with Dissipation (QCMD) to Enhance the Monitoring and Mechanistic Understanding of Iron Carbonate Crystalline Films. +URL: https://www.ncbi.nlm.nih.gov/pubmed/38980721 + +Title: A Multifunctional Coating with Active Corrosion Protection Through a Synergistic pH- and Thermal-Responsive Mechanism. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39324225 + +Title: Interleavings and Matchings as Representations +URL: http://arxiv.org/abs/2004.03840v1 + +Title: Data : 3.33/6.66kW Interleaved Power Factor Correction +URL: https://dx.doi.org/10.17632/7cgvjvr67b + +Title: Epoxy coatings +URL: https://doi.org/10.1007/978-1-4899-6836-4_14 + +Title: Frequency Interleaving DAC (FI-DAC) +URL: https://doi.org/10.1007/978-3-658-27264-7_5 + +Title: Rational design of epoxy functionalized ionic liquids electrolyte additive for hydrogen-free and dendrite-free aqueous zinc batteries. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326165 + +Title: Reducing residential emissions: carbon pricing vs. subsidizing retrofits +URL: http://arxiv.org/abs/2310.15687v1 + +Title: Data for: Plasmonic Nanoparticle-based Epoxy Photocuring +URL: http://dx.doi.org/10.17632/XP9CWV6MPB.1 + +Title: Crystal Structure of MHC class I HLA-A2 molecule complexed with HCMV pp65-495-503 nonapeptide V6G variant +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3mrd + +Title: The Interleaved Genome +URL: http://ora.ox.ac.uk/objects/uuid:0f6b0c95-7e1d-4495-89bc-663771df243e + +Title: The Vagaries of Frequency +URL: https://halshs.archives-ouvertes.fr/halshs-00731173 + +Title: Baumol's Climate Disease +URL: http://arxiv.org/abs/2312.00160v1 + +Title: Evaluation of the Antihyperglycemic efficacy of the roots of Ferula orientalis L.: An in vitro to in vivo assessment. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39321856 + +Title: Full-frequency GW without frequency +URL: https://dx.doi.org/10.48550/arxiv.2009.14315 + +Title: Interleave in peace, or interleave in pieces +URL: https://doi.org/10.1109/99.683746 + +Title: Universality of the Homotopy Interleaving Distance +URL: http://arxiv.org/abs/1705.01690v2 + +Title: Enhanced multi-layer perceptron for CO2 emission prediction with worst moth disrupted moth fly optimization (WMFO). +URL: https://www.ncbi.nlm.nih.gov/pubmed/38882359 + +Title: Interleaved and partial transmission interleaved optical coherent orthogonal frequency division multiplexing +URL: https://pubmed.ncbi.nlm.nih.gov/24686705 + +Title: Echotexture of recurrent laryngeal nerves: the depiction of recurrent laryngeal nerves at high-frequency ultrasound during radical thyroidectomy. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329102 + +Title: Interleave 2 +URL: https://doi.org/10.51952/9781529226874.ch003 + +Title: Purification and Characterization of an Extracellular Alkaline Solvent-stable Metalloprotease Secreted from Newly Isolated +URL: https://www.ncbi.nlm.nih.gov/pubmed/34825018 + +Title: Blind identification of an unknown interleaved convolutional code +URL: http://arxiv.org/abs/1501.03715v1 + +Title: The Double-Deck Viscoelastic Technique: a Novel Surgical Technique to Protect the Corneal Endothelium in Penetrating Keratoplasty of Aphakic Silicone Oil-Dependent Eyes after Severe Ocular Injury. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36309624 + +Title: Interleaving of path sets +URL: http://arxiv.org/abs/2101.02441v1 + +Title: A novel Affi-Cova magnetic nanoparticles for one-step covalent immobilization of His-tagged enzyme directly from crude cell lysate. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39322145 + +Title: Frequency divider +URL: http://dx.doi.org/10.1109/TPWRS.2016.2569563 + +Title: Micro frequency hopping spread spectrum modulation and encryption technology +URL: http://arxiv.org/abs/2408.00400v1 + +Title: Epoxies +URL: https://doi.org/10.1007/978-94-009-1195-6_18 + +Title: On Frequency +URL: https://doi.org/10.1111/j.1539-6924.2011.01764.x + +Title: An Interleaving Distance for Ordered Merge Trees +URL: http://arxiv.org/abs/2312.11113v3 + +Title: Labeled Interleaving Distance for Reeb Graphs +URL: http://arxiv.org/abs/2306.01186v1 + +Title: PRIME: Phase Reversed Interleaved Multi-Echo acquisition enables highly accelerated distortion-free diffusion MRI. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39314505 + +Title: Epoxy Resins +URL: https://doi.org/10.1016/b978-081551515-9.50005-6 + +Title: Characterisation Data - Epoxy characterisation +URL: https://dx.doi.org/10.5281/zenodo.5879154 + +Title: Magnetic Resonance Imaging (MRI) Evaluation and Classification of Vascular Malformations. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39310382 + +Title: Interleave 7 +URL: https://doi.org/10.51952/9781529226874.ch013 + +Title: Interleaver +URL: https://doi.org/10.1007/978-3-8348-9927-9_10 + +Title: EPOXI instrument calibration +URL: https://hal.science/hal-01439491 + +Title: The interaction between dietary nitrates/nitrites intake and gut microbial metabolites on metabolic syndrome: a cross-sectional study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328991 + +Title: Gromov-Hausdorff and Interleaving distance for trees +URL: https://dx.doi.org/10.14288/1.0377403 + +Title: Complex Frequency +URL: https://doi.org/10.1109/pesgm48719.2022.9917164 + +Title: Ultra-tough and reprocessible epoxy thermoset +URL: https://dx.doi.org/10.6084/m9.figshare.25425292.v1 + +Title: Evaluation of Middle Cerebral Artery Culprit Plaque Inflammation in Ischemic Stroke Using CAIPIRINHA-Dixon-TWIST Dynamic Contrast-Enhanced Magnetic Resonance Imaging. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39258494 + +Title: Interleave 5 +URL: https://doi.org/10.51952/9781529226874.ch009 + +Title: epoxy characterisation +URL: http://dx.doi.org/10.5281/zenodo.5958293 + +Title: Unveiling the hidden risks of CPAP device innovations and the necessity of patient-centric testing. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329189 + +Title: AC Frequency +URL: https://dx.doi.org/10.6084/m9.figshare.5259460 + +Title: PTB GRPE Interleaved Resolution Phantom Acquisition +URL: http://dx.doi.org/10.5281/zenodo.3647967 + +Title: Frequencies +URL: https://doi.org/10.4324/9780429056765-7 + +Title: Mains Frequency +URL: http://dx.doi.org/10.5281/zenodo.7491565 + +Title: Noradrenaline modulates sensory information in mouse vomeronasal sensory neurons. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328934 + +Title: Frequency in the Dictionary +URL: https://doi.org/10.3726/9783034344180.003.0004 + +Title: Interleaving Retrieval Practice Promotes Science Learning +URL: https://dx.doi.org/10.25384/sage.c.5953570 + +Title: Illness representation in patients with multiple sclerosis: A preliminary narrative medicine study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329093 + +Title: A Review of Meta-Analyses of Prevention Strategies for Problematic Cannabis Use. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328973 + +Title: Frequency table +URL: https://dx.doi.org/10.5061/dryad.50554tg/2 + +Title: Hitting the Rewind Button: Imagining Analogue Trauma Memories in Reverse Reduces Distressing Intrusions. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329077 + +Title: [Identification of conservation and restoration materials for iron relics through ultraviolet-induced visible luminescence imaging and pyrolysis-gas chromatography/mass spectrometry]. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327664 + +Title: [The cutting-edge developments and future prospects of enabling technologies in spinal surgery clinical treatments]. +URL: https://www.ncbi.nlm.nih.gov/pubmed/38044602 + +Title: frequency distribution +URL: https://dx.doi.org/10.5281/zenodo.6861104 + +Title: Sensori-motor neurofeedback improves inhibitory control and induces neural changes: a placebo-controlled, double-blind, event-related potentials study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328986 + +Title: Supervised machine learning on ECG features to classify sleep in non-critically ill children. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329187 + +Title: Neural Mechanisms of Learning and Consolidation of Morphologically Derived Words in a Novel Language: Evidence From Hebrew Speakers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39301207 + +Title: DTU frequency +URL: https://dx.doi.org/10.6084/m9.figshare.4994231.v2 + +Title: Learning melodic musical intervals: To block or to interleave? +URL: https://dx.doi.org/10.25384/sage.c.5019068.v1 + +Title: How does industrial structure transformation affect carbon emissions in China: the moderating effect of financial development. +URL: https://www.ncbi.nlm.nih.gov/pubmed/34595705 + +Title: octane, 3,4-epoxy-2,2,7,7-tetramethyl- +URL: https://dx.doi.org/10.17614/q4445j24f + +Title: Host Frequency +URL: https://dx.doi.org/10.6084/m9.figshare.7853471.v1 + +Title: Blocked training facilitates learning of multiple schemas. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39242783 + +Title: HER4 is a high-affinity dimerization partner for all EGFR/HER/ErbB family proteins. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39276020 + +Title: Allele frequencies +URL: https://dx.doi.org/10.5061/dryad.r31sg.2/4.2 + +Title: EPOXI +URL: http://ora.ox.ac.uk/objects/uuid:446e4f1f-e73c-425d-909b-faf79dc4ba29 + +Title: frequency density data.xls +URL: https://dx.doi.org/10.6084/m9.figshare.12950531.v4 + +Title: Frequency of behaviors.xlsx +URL: https://dx.doi.org/10.6084/m9.figshare.8429111.v1 + +Title: Frequency dataset.xlsx +URL: https://dx.doi.org/10.6084/m9.figshare.24130101.v1 + diff --git a/logs/run_09-27_14-19.log b/logs/run_09-27_14-19.log new file mode 100644 index 0000000..ef1e7cf --- /dev/null +++ b/logs/run_09-27_14-19.log @@ -0,0 +1,654 @@ +# Hin run, 09-27_14-19 + +Subject : Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer + +## Keywords + +['viscoelastic layer', 'epoxy', 'optimization carbon', 'frequency', 'interleaved'] + +## Queries + +Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer; +"viscoelastic layer"; +"epoxy"; +"optimization carbon"; +"frequency"; +"interleaved"; +"viscoelastic layer" OR "epoxy"; +"viscoelastic layer" OR "optimization carbon"; +"viscoelastic layer" OR "frequency"; +"viscoelastic layer" OR "interleaved"; +"epoxy" OR "optimization carbon"; +"epoxy" OR "frequency"; +"epoxy" OR "interleaved"; +"optimization carbon" OR "frequency"; +"optimization carbon" OR "interleaved"; +"frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon"; +"viscoelastic layer" OR "epoxy" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency"; +"epoxy" OR "optimization carbon" OR "interleaved"; +"epoxy" OR "frequency" OR "interleaved"; +"optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "optimization carbon" OR "frequency" OR "interleaved"; +"epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; +"viscoelastic layer" OR "epoxy" OR "optimization carbon" OR "frequency" OR "interleaved"; + +## Results + +Title: Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer +URL: https://hal.science/hal-03155700 + +Title: Viscoelastic Effects during Tangential Contact Analyzed by a Novel Finite Element Approach with Embedded Interface Profiles +URL: http://arxiv.org/abs/2110.07886v1 + +Title: Effect of interleaving on the impact response of a unidirectional carbon/epoxy composite +URL: https://doi.org/10.1016/0010-4361(95)91385-i + +Title: Viscoelastic amplification of the pull-off stress in the detachment of a rigid flat punch from an adhesive soft viscoelastic layer +URL: http://arxiv.org/abs/2310.07597v2 + +Title: Vibration Damping of Interleaved Carbon Fiber-Epoxy Composite Beams +URL: https://doi.org/10.1177/002199839402801806 + +Title: A Numerical Investigation of Delamination Response of CNT/Epoxy Film Interleaved Composite +URL: https://dx.doi.org/10.3390/app12094194 + +Title: Controllability of a viscoelastic plate using one boundary control in displacement or bending +URL: http://arxiv.org/abs/1604.02240v1 + +Title: Extended plane wave expansion formulation for viscoelastic phononic thin plates +URL: http://arxiv.org/abs/2310.14916v1 + +Title: Impact response of glass/epoxy laminate interleaved with nanofibrous mats +URL: https://doi.org/10.5267/j.esm.2013.09.002 + +Title: Oscillatory laminar shear flow over a compliant viscoelastic layer on a rigid base +URL: http://arxiv.org/abs/1705.04479v1 + +Title: Simulations of wobble damping in viscoelastic rotators +URL: http://arxiv.org/abs/1901.01439v3 + +Title: Effect of viscoelastic fluid on the lift force in lubricated contacts +URL: http://arxiv.org/abs/2308.10400v1 + +Title: Derivation of von Kármán plate theory in the framework of three-dimensional viscoelasticity +URL: http://arxiv.org/abs/1902.10037v4 + +Title: Mixed-mode fracture in an interleaved carbon-fibre/epoxy composite +URL: https://doi.org/10.1016/0266-3538(95)00062-3 + +Title: Dynamics of two linearly elastic bodies connected by a heavy thin soft viscoelastic layer +URL: http://arxiv.org/abs/1912.05600v1 + +Title: Boundary layer in linear viscoelasticity +URL: http://arxiv.org/abs/1912.06122v1 + +Title: Application of Mössbauer spectroscopy to study vibrations of a granular medium excited by ultrasound +URL: http://arxiv.org/abs/2001.07511v1 + +Title: Frequency-induced Negative Magnetic Susceptibility in Epoxy/Magnetite Nanocomposites +URL: http://arxiv.org/abs/2011.04199v3 + +Title: Decay estimate in a viscoelastic plate equation with past history, nonlinear damping, and logarithmic nonlinearity +URL: http://arxiv.org/abs/2206.12561v1 + +Title: Study on the fabrication of low-pass metal powder filters for use at cryogenic temperatures +URL: http://arxiv.org/abs/1605.07597v1 + +Title: Viscoelasticity and elastocapillarity effects in the impact of drops on a repellent surface +URL: http://arxiv.org/abs/2105.09244v1 + +Title: Interlaminar toughening in structural carbon fiber/epoxy composites interleaved with carbon nanotube veils +URL: http://arxiv.org/abs/1905.09080v2 + +Title: Piezoelectric polyvinylidene fluoride-based epoxy composites produced by combined uniaxial compression and poling +URL: http://arxiv.org/abs/1909.13234v1 + +Title: Characterization of phase structure spectrum in interleaved carbon fibre reinforced epoxy matrix composites by Polyaryletherketone with Cardo using AFM +URL: http://dx.doi.org/https://doi.org/10.17632/sxgzm9vwmy.1 + +Title: raw test data for ���Establishment of interlaminar structure and toughening effect in interleaved carbon fiber reinforced epoxy composites by CNTs/PEK-C interlayer��� +URL: https://doi.org/10.17632/mfb366wv6x.1 + +Title: Permittivity and permeability of epoxy-magnetite powder composites at microwave frequencies +URL: http://arxiv.org/abs/2001.02336v1 + +Title: Feature-based prediction of properties of cross-linked epoxy polymers by molecular dynamics and machine learning techniques +URL: http://arxiv.org/abs/2312.07149v1 + +Title: Fracture and Damping of Ionomer Interleaved Epoxy Composites +URL: https://doi.org/10.1177/089270570001300404 + +Title: Stabilization for vibrating plate with singular structural damping +URL: http://arxiv.org/abs/1905.13089v1 + +Title: Characterization of the frequency response of channel-interleaved photonic ADCs based on the optical time-division demultiplexer +URL: http://arxiv.org/abs/2109.04362v1 + +Title: Toughening of epoxy systems by brominated epoxy +URL: https://doi.org/10.1002/pen.24890 + +Title: Simulations of turbulence over compliant walls +URL: http://arxiv.org/abs/2111.01183v1 + +Title: Toughening Behavior of Carbon/Epoxy Laminates Interleaved by PSF/PVDF Composite Nanofibers +URL: https://strathprints.strath.ac.uk/73799/1/Saghafi_etal_AS_2020_Toughening_behavior_of_carbon_epoxy_laminates_interleaved_by_PSF_PVDF.pdf + +Title: Interlaminar shear fracture of interleaved graphite/epoxy composites +URL: https://doi.org/10.1016/0266-3538(92)90133-n + +Title: Timescale bridging in atomistic simulations of epoxy polymer mechanics using non-affine deformation theory +URL: http://arxiv.org/abs/2406.02113v1 + +Title: Interleaved winding and suppression of natural frequencies +URL: https://doi.org/10.1049/iet-epa.2012.0362 + +Title: ConcertoRL: An Innovative Time-Interleaved Reinforcement Learning Approach for Enhanced Control in Direct-Drive Tandem-Wing Vehicles +URL: http://arxiv.org/abs/2405.13651v1 + +Title: Deposition and Visualization of DNA Molecules on Graphene That is Obtained with the Aid of Mechanical Splitting on a Substrate with an Epoxy Sublayer +URL: http://arxiv.org/abs/1811.02943v1 + +Title: Mode I Interlaminar Fracture of Interleaved Graphite/Epoxy +URL: https://doi.org/10.1177/002199839202600306 + +Title: Interleave-sampled photoacoustic (PA) imaging: a doubled and equivalent sampling rate for high-frequency imaging +URL: https://dx.doi.org/10.6084/m9.figshare.c.5998738.v1 + +Title: Molecular Dynamics Study to Predict Thermo-Mechanical Properties of DGEBF/DETDA Epoxy as a Function of Crosslinking Density +URL: http://arxiv.org/abs/2108.00933v1 + +Title: Frequency-Adaptive Pan-Sharpening with Mixture of Experts +URL: http://arxiv.org/abs/2401.02151v1 + +Title: data for Synergistic combination of nano-materialPEK-C for interleaving toughening and strengthening in carbon fibre reinforced epoxy composites +URL: http://dx.doi.org/https://doi.org/10.17632/78y7j4ksgg.1 + +Title: data for Synergistic combination of nano-materialPEK-C for interleaving toughening and strengthening in carbon fibre reinforced epoxy composites +URL: https://doi.org/10.17632/78y7j4ksgg + +Title: Frequency Vectoralization and Frequency Birefringence +URL: http://arxiv.org/abs/1708.09508 + +Title: Global existence and decay estimates for a viscoelastic plate equation with nonlinear damping and logarithmic nonlinearity +URL: http://arxiv.org/abs/2201.00983v1 + +Title: Bridgeless PFC - Interleaved Boost Converter with Switching Frequency Modulation (IBC-SFM) +URL: https://doi.org/10.21227/y72d-1v14 + +Title: Preparation of itaconic acid-modified epoxy resins and comparative study on the properties of it and epoxy acrylates +URL: https://dx.doi.org/10.17632/htsp7r3g6f.1 + +Title: Cyclic Olefin Copolymer Interleaves for Thermally Mendable Carbon/Epoxy Laminates +URL: http://dx.doi.org/10.3390/molecules25225347 + +Title: Self-referencing of an on-chip soliton Kerr frequency comb without external broadening +URL: http://arxiv.org/abs/1605.02801v1 + +Title: PFC - Interleaved Boost Converter with Switching Frequency Modulation (IBC-SFM) +URL: https://doi.org/10.21227/97s7-dg13 + +Title: Frequency Dynamic Convolution: Frequency-Adaptive Pattern Recognition for Sound Event Detection +URL: http://arxiv.org/abs/2203.15296v2 + +Title: The mechanical and electrical properties of direct-spun carbon nanotube mat-epoxy composites +URL: http://arxiv.org/abs/1905.08422v1 + +Title: Interleaved Prange: A New Generic Decoder for Interleaved Codes +URL: http://arxiv.org/abs/2205.14068v1 + +Title: A Novel Octal Annular Ring-Shaped Planar Monopole Antenna For WiFi And Unlicensed Ultra Wideband Frequency Range Applications +URL: http://arxiv.org/abs/2311.08925v3 + +Title: Channel Mapping Based on Interleaved Learning with Complex-Domain MLP-Mixer +URL: http://arxiv.org/abs/2401.03420v1 + +Title: Coordinate Interleaved Orthogonal Design with Media-Based Modulation +URL: http://arxiv.org/abs/2004.13349v1 + +Title: Determination of Frequency-Dependent Shear Modulus of Viscoelastic Layer via a Constrained Sandwich Beam. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36145896 + +Title: Dynamic responses of a damaged double Euler-Bernoulli beam traversed by a 'phantom' vehicle. +URL: https://www.ncbi.nlm.nih.gov/pubmed/35864846 + +Title: Recyclable flame-retardant epoxy composites based on disulfide bonds. Flammability and recyclability +URL: http://arxiv.org/abs/2105.02141v1 + +Title: Divanillin-based aromatic amines: synthesis and application as curing agents for bio-based epoxy thermosets +URL: http://arxiv.org/abs/1911.08960v1 + +Title: Energy storage in structural composites by introducing CNT fiber/polymer electrolyte interleaves +URL: http://arxiv.org/abs/1810.00802v1 + +Title: Precise control of optical phase and coherent synthesis in femtosecond laser based optical frequency combs +URL: http://arxiv.org/abs/2204.06410v1 + +Title: Ecovisor: A Virtual Energy System for Carbon-Efficient Applications +URL: http://arxiv.org/abs/2210.04951v1 + +Title: Superior enhancement in thermal conductivity of epoxy/graphene nanocomposites through use of dimethylformamide (DMF) relative to acetone as solvent +URL: http://arxiv.org/abs/2201.03527v2 + +Title: Frequency interleaving as a codesign scheduling paradigm +URL: https://doi.org/10.1109/hsc.2000.843721 + +Title: Short-Packet Interleaver against Impulse Interference in Practical Industrial Environments +URL: http://arxiv.org/abs/2203.00770v1 + +Title: Piezoelectric studies of epoxy/BiFeO3 composites +URL: http://dx.doi.org/10.18150/FZBLOS + +Title: raw test data for “Establishment of interlaminar structure and crack propagation in carbon fiber reinforced epoxy composites by interleaving CNTs/PEK-C film” +URL: http://dx.doi.org/https://doi.org/10.17632/mfb366wv6x.2 + +Title: Novel Expandable Epoxy Beads and Epoxy Particle Foam +URL: https://doi.org/10.3390/ma15124205 + +Title: Interleaving Learning, with Application to Neural Architecture Search +URL: http://arxiv.org/abs/2103.07018v1 + +Title: Understanding viscoelastic flow instabilities: Oldroyd-B and beyond +URL: http://arxiv.org/abs/2202.08305v1 + +Title: High-Temperature Electromagnetic and Thermal Characteristics of Graphene Composites +URL: http://arxiv.org/abs/2004.12201v1 + +Title: Large-scale photonic chip based pulse interleaver for low-noise microwave generation +URL: http://arxiv.org/abs/2404.14242v1 + +Title: Node-downloadable frequency transfer system based on a mode-locked laser with over 100 km of fiber +URL: http://arxiv.org/abs/2312.10404v1 + +Title: The Frequency of the Frequency : On Hydropower and Grid Frequency Control +URL: http://urn.kb.se/resolve?urn=urn:nbn:se:uu:diva-308441 + +Title: Time-Frequency Transformer: A Novel Time Frequency Joint Learning Method for Speech Emotion Recognition +URL: http://arxiv.org/abs/2308.14568v1 + +Title: Multifunctional epoxy nanocomposites reinforced by two-dimensional materials: A review +URL: http://arxiv.org/abs/2109.03525v1 + +Title: On Decoding High-Order Interleaved Sum-Rank-Metric Codes +URL: http://arxiv.org/abs/2303.17454v1 + +Title: Optimizing carbon tax for decentralized electricity markets using an agent-based model +URL: http://arxiv.org/abs/2006.01601v1 + +Title: Role of redox additive modified electrolytes in making Na-ion supercapacitors a competitive energy storage device +URL: http://arxiv.org/abs/2112.07946v1 + +Title: Frequency spirals +URL: https://pubmed.ncbi.nlm.nih.gov/27781469 + +Title: Broadband high-resolution molecular spectroscopy with interleaved mid-infrared frequency combs +URL: http://arxiv.org/abs/2006.01896v1 + +Title: Possibility of using of the measured frequency f instead of ω self-generated frequency +URL: http://arxiv.org/abs/1710.09777v1 + +Title: Modeling and Vibration Control of Sandwich Composite Plates. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36769904 + +Title: Epoxy\Epoxy Composite\Epoxy Hybrid Composite Coatings for Tribological Applications—A Review +URL: https://pubmed.ncbi.nlm.nih.gov/33419106 + +Title: Multi-color solitons and frequency combs in microresonators +URL: http://arxiv.org/abs/2409.03880v1 + +Title: Optimizing Carbon Storage Operations for Long-Term Safety +URL: http://arxiv.org/abs/2304.09352v1 + +Title: Finite Element Modeling and Vibration Control of Plates with Active Constrained Layer Damping Treatment. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36837277 + +Title: Efficient Absorption of Terahertz Radiation in Graphene Polymer Composites +URL: http://arxiv.org/abs/2109.01082v1 + +Title: SHIELD: Sustainable Hybrid Evolutionary Learning Framework for Carbon, Wastewater, and Energy-Aware Data Center Management +URL: http://arxiv.org/abs/2308.13086v1 + +Title: Active Vibration Control of Composite Cantilever Beams. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36614435 + +Title: Effect of fluid viscoelasticity, shear stress, and interface tension on the lift force in lubricated contacts. +URL: https://www.ncbi.nlm.nih.gov/pubmed/37873958 + +Title: Structure of the influenza AM2-BM2 chimeric channel bound to rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljc + +Title: Unlocking epoxy thermal management capability via hierarchical Ce-MOF@MoS +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326167 + +Title: EQUILLIBRIUM MIXTURE OF OPEN AND PARTIALLY-CLOSED SPECIES IN THE APO STATE OF MALTODEXTRIN-BINDING PROTEIN BY PARAMAGNETIC RELAXATION ENHANCEMENT NMR +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2v93 + +Title: Comparison of test-retest reproducibility of DESPOT and 3D-QALAS for water +URL: https://www.ncbi.nlm.nih.gov/pubmed/39229114 + +Title: Interleaved Block-Sparse Transform +URL: http://arxiv.org/abs/2407.13255v1 + +Title: Crystal Structure of HLA-B8 in complex with ELR, an Influenza A virus peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmq + +Title: Atomic model of the Salmonella SPI-1 type III secretion injectisome basal body proteins InvG, PrgH, and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcr + +Title: Alternative interleaving schemes for interleaved orthogonal frequency division multiplexing +URL: https://doi.org/10.1109/tencon.2003.1273265 + +Title: Frequency Domain Interleaving for Dense WDM Passive Optical Network +URL: https://dx.doi.org/10.6084/m9.figshare.8324729.v1 + +Title: Interfacial behavior of vegetable protein isolates at sunflower oil/water interface. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36413907 + +Title: Crystal structure of cathepsin b inhibited with CA030 at 2.1 angstroms resolution: A basis for the design of specific epoxysuccinyl inhibitors +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/1csb + +Title: Optimal Carbon Emission Control With Allowances Purchasing +URL: http://arxiv.org/abs/2407.08477v1 + +Title: EcoLife: Carbon-Aware Serverless Function Scheduling for Sustainable Computing +URL: http://arxiv.org/abs/2409.02085v2 + +Title: Solution Structure of Bacillus anthracis Sortase A (SrtA) Transpeptidase +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2kw8 + +Title: Solution structure of protein ARR_CleD in complex with c-di-GMP +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/6sft + +Title: Dynamics of Droplet Pinch-Off at Emulsified Oil-Water Interfaces: Interplay between Interfacial Viscoelasticity and Capillary Forces. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36763387 + +Title: Time or frequency interleaved analog-to-digital converters +URL: https://hal.science/hal-02192725 + +Title: Polarization insensitive non-interleaved frequency multiplexed dual-band Terahertz coding metasurface for independent control of reflected waves. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39261549 + +Title: data for "Effect of curing time on phase morphology and fracture toughness of PEK-C film interleaved carbon fibre/epoxy composite laminates" +URL: https://dx.doi.org/10.17632/8jwzx53ypw + +Title: A Relative Theory of Interleavings +URL: http://arxiv.org/abs/2004.14286v1 + +Title: Numerical analysis of fiber reinforced composite material for structural component application. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328535 + +Title: Time- and Frequency-Interleaving: Distinctions and Connections +URL: https://doi.org/10.1109/tsp.2021.3074013 + +Title: Contact Resistivity and Epoxy Thermal Degradation +URL: https://eprints.soton.ac.uk/456860/ + +Title: Crystal Structure of HLA-B7 in complex with RPP, an EBV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmo + +Title: epoxy simulations +URL: http://dx.doi.org/https://doi.org/10.17632/zxdxp326dd.1 + +Title: Influential reinforcement parameters, elemental mapping, topological analysis and mechanical performance of lignocellulosic date palm/epoxy composites for improved sustainable materials. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39323794 + +Title: Optimal pricing for carbon dioxide removal under inter-regional leakage +URL: http://arxiv.org/abs/2212.09299v1 + +Title: Frequency Spectrum Rotation in Interleaved Frequency Division Multiplexing +URL: https://doi.org/10.1093/ietcom/e91-b.7.2357 + +Title: Interleave Frequency Division Multiplexing +URL: http://arxiv.org/abs/2405.02604 + +Title: Interleave Frequency Division Multiplexing +URL: http://arxiv.org/abs/2405.02604v1 + +Title: Towards a Novel Perspective on Adversarial Examples Driven by Frequency +URL: http://arxiv.org/abs/2404.10202v1 + +Title: 2,3-epoxy-2,4,4-trimethylpentane +URL: https://dx.doi.org/10.17614/q4vh5cv02 + +Title: Quantum paraelectric varactors for radiofrequency measurements at millikelvin temperatures. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329079 + +Title: Crystal Structure of HLA-B8 in complex with QIK, a CMV peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmr + +Title: Crystal Structure of HLA-B7 in complex with SPI, an influenza peptide +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5wmn + +Title: Structure of the influenza AM2-BM2 chimeric channel +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2ljb + +Title: Microbial Degradation of Epoxy +URL: https://doi.org/10.3390/ma11112123 + +Title: Proton Channel M2 from Influenza A in complex with inhibitor rimantadine +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/2rlf + +Title: Super-Resolution Ultrasound Imaging for Analysis of Microbubbles Cluster by Acoustic Vortex Tweezers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39312432 + +Title: NTSC and PAL frequency interleaving +URL: https://doi.org/10.1016/b978-155860792-7/50095-1 + +Title: Near-atomic resolution cryo-EM structure of the periplasmic domains of PrgH and PrgK +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/5tcp + +Title: Three-dimensional EM structure of an intact activator-dependent transcription initiation complex +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3iyd + +Title: Assessment of spectral ghost artifacts in echo-planar spectroscopic micro-imaging with flyback readout. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39317713 + +Title: Effect of cementation protocols on the fracture load of bilayer ceramic crowns manufactured by the Rapid Layer Technology. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39320003 + +Title: Mitigating Low-Frequency Bias: Feature Recalibration and Frequency Attention Regularization for Adversarial Robustness +URL: http://arxiv.org/abs/2407.04016v1 + +Title: EPOXI Mission +URL: https://doi.org/10.1007/978-3-642-27833-4_528-3 + +Title: Surface topography changes and wear resistance of different non-metallic telescopic crown attachment materials in implant retained overdenture (prospective comparative in vitro study). +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327589 + +Title: Demonstrating a Quartz Crystal Microbalance with Dissipation (QCMD) to Enhance the Monitoring and Mechanistic Understanding of Iron Carbonate Crystalline Films. +URL: https://www.ncbi.nlm.nih.gov/pubmed/38980721 + +Title: A Multifunctional Coating with Active Corrosion Protection Through a Synergistic pH- and Thermal-Responsive Mechanism. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39324225 + +Title: Interleavings and Matchings as Representations +URL: http://arxiv.org/abs/2004.03840v1 + +Title: Epoxy coatings +URL: https://doi.org/10.1007/978-1-4899-6836-4_14 + +Title: Frequency Interleaving DAC (FI-DAC) +URL: https://doi.org/10.1007/978-3-658-27264-7_5 + +Title: Rational design of epoxy functionalized ionic liquids electrolyte additive for hydrogen-free and dendrite-free aqueous zinc batteries. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39326165 + +Title: Reducing residential emissions: carbon pricing vs. subsidizing retrofits +URL: http://arxiv.org/abs/2310.15687v1 + +Title: Data for: Plasmonic Nanoparticle-based Epoxy Photocuring +URL: http://dx.doi.org/10.17632/XP9CWV6MPB.1 + +Title: Crystal Structure of MHC class I HLA-A2 molecule complexed with HCMV pp65-495-503 nonapeptide V6G variant +URL: https://www.ebi.ac.uk/pdbe/entry/pdb/3mrd + +Title: The Vagaries of Frequency +URL: https://halshs.archives-ouvertes.fr/halshs-00731173 + +Title: Baumol's Climate Disease +URL: http://arxiv.org/abs/2312.00160v1 + +Title: Evaluation of the Antihyperglycemic efficacy of the roots of Ferula orientalis L.: An in vitro to in vivo assessment. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39321856 + +Title: Full-frequency GW without frequency +URL: https://dx.doi.org/10.48550/arxiv.2009.14315 + +Title: Universality of the Homotopy Interleaving Distance +URL: http://arxiv.org/abs/1705.01690v2 + +Title: Enhanced multi-layer perceptron for CO2 emission prediction with worst moth disrupted moth fly optimization (WMFO). +URL: https://www.ncbi.nlm.nih.gov/pubmed/38882359 + +Title: Interleaved and partial transmission interleaved optical coherent orthogonal frequency division multiplexing +URL: https://pubmed.ncbi.nlm.nih.gov/24686705 + +Title: Echotexture of recurrent laryngeal nerves: the depiction of recurrent laryngeal nerves at high-frequency ultrasound during radical thyroidectomy. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329102 + +Title: Blind identification of an unknown interleaved convolutional code +URL: http://arxiv.org/abs/1501.03715v1 + +Title: The Double-Deck Viscoelastic Technique: a Novel Surgical Technique to Protect the Corneal Endothelium in Penetrating Keratoplasty of Aphakic Silicone Oil-Dependent Eyes after Severe Ocular Injury. +URL: https://www.ncbi.nlm.nih.gov/pubmed/36309624 + +Title: Interleaving of path sets +URL: http://arxiv.org/abs/2101.02441v1 + +Title: A novel Affi-Cova magnetic nanoparticles for one-step covalent immobilization of His-tagged enzyme directly from crude cell lysate. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39322145 + +Title: Frequency divider +URL: http://dx.doi.org/10.1109/TPWRS.2016.2569563 + +Title: Micro frequency hopping spread spectrum modulation and encryption technology +URL: http://arxiv.org/abs/2408.00400v1 + +Title: Epoxies +URL: https://doi.org/10.1007/978-94-009-1195-6_18 + +Title: On Frequency +URL: https://doi.org/10.1111/j.1539-6924.2011.01764.x + +Title: An Interleaving Distance for Ordered Merge Trees +URL: http://arxiv.org/abs/2312.11113v3 + +Title: Labeled Interleaving Distance for Reeb Graphs +URL: http://arxiv.org/abs/2306.01186v1 + +Title: PRIME: Phase Reversed Interleaved Multi-Echo acquisition enables highly accelerated distortion-free diffusion MRI. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39314505 + +Title: Epoxy Resins +URL: https://doi.org/10.1016/b978-081551515-9.50005-6 + +Title: Characterisation Data - Epoxy characterisation +URL: https://dx.doi.org/10.5281/zenodo.5879154 + +Title: Magnetic Resonance Imaging (MRI) Evaluation and Classification of Vascular Malformations. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39310382 + +Title: EPOXI instrument calibration +URL: https://hal.science/hal-01439491 + +Title: The interaction between dietary nitrates/nitrites intake and gut microbial metabolites on metabolic syndrome: a cross-sectional study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328991 + +Title: Complex Frequency +URL: https://doi.org/10.1109/pesgm48719.2022.9917164 + +Title: Ultra-tough and reprocessible epoxy thermoset +URL: https://dx.doi.org/10.6084/m9.figshare.25425292.v1 + +Title: Evaluation of Middle Cerebral Artery Culprit Plaque Inflammation in Ischemic Stroke Using CAIPIRINHA-Dixon-TWIST Dynamic Contrast-Enhanced Magnetic Resonance Imaging. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39258494 + +Title: epoxy characterisation +URL: http://dx.doi.org/10.5281/zenodo.5958293 + +Title: Unveiling the hidden risks of CPAP device innovations and the necessity of patient-centric testing. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329189 + +Title: AC Frequency +URL: https://dx.doi.org/10.6084/m9.figshare.5259460 + +Title: Frequencies +URL: https://doi.org/10.4324/9780429056765-7 + +Title: Mains Frequency +URL: http://dx.doi.org/10.5281/zenodo.7491565 + +Title: Noradrenaline modulates sensory information in mouse vomeronasal sensory neurons. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328934 + +Title: Frequency in the Dictionary +URL: https://doi.org/10.3726/9783034344180.003.0004 + +Title: Illness representation in patients with multiple sclerosis: A preliminary narrative medicine study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329093 + +Title: A Review of Meta-Analyses of Prevention Strategies for Problematic Cannabis Use. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328973 + +Title: Frequency table +URL: https://dx.doi.org/10.5061/dryad.50554tg/2 + +Title: Hitting the Rewind Button: Imagining Analogue Trauma Memories in Reverse Reduces Distressing Intrusions. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329077 + +Title: [Identification of conservation and restoration materials for iron relics through ultraviolet-induced visible luminescence imaging and pyrolysis-gas chromatography/mass spectrometry]. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39327664 + +Title: [The cutting-edge developments and future prospects of enabling technologies in spinal surgery clinical treatments]. +URL: https://www.ncbi.nlm.nih.gov/pubmed/38044602 + +Title: frequency distribution +URL: https://dx.doi.org/10.5281/zenodo.6861104 + +Title: Sensori-motor neurofeedback improves inhibitory control and induces neural changes: a placebo-controlled, double-blind, event-related potentials study. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39328986 + +Title: Supervised machine learning on ECG features to classify sleep in non-critically ill children. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39329187 + +Title: Neural Mechanisms of Learning and Consolidation of Morphologically Derived Words in a Novel Language: Evidence From Hebrew Speakers. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39301207 + +Title: DTU frequency +URL: https://dx.doi.org/10.6084/m9.figshare.4994231.v2 + +Title: octane, 3,4-epoxy-2,2,7,7-tetramethyl- +URL: https://dx.doi.org/10.17614/q4445j24f + +Title: Host Frequency +URL: https://dx.doi.org/10.6084/m9.figshare.7853471.v1 + +Title: Blocked training facilitates learning of multiple schemas. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39242783 + +Title: HER4 is a high-affinity dimerization partner for all EGFR/HER/ErbB family proteins. +URL: https://www.ncbi.nlm.nih.gov/pubmed/39276020 + +Title: Allele frequencies +URL: https://dx.doi.org/10.5061/dryad.r31sg.2/4.2 + +Title: EPOXI +URL: http://ora.ox.ac.uk/objects/uuid:446e4f1f-e73c-425d-909b-faf79dc4ba29 + +Title: frequency density data.xls +URL: https://dx.doi.org/10.6084/m9.figshare.12950531.v4 + +Title: Frequency of behaviors.xlsx +URL: https://dx.doi.org/10.6084/m9.figshare.8429111.v1 + +Title: Frequency dataset.xlsx +URL: https://dx.doi.org/10.6084/m9.figshare.24130101.v1 + diff --git a/main.py b/main.py new file mode 100644 index 0000000..f3da2fd --- /dev/null +++ b/main.py @@ -0,0 +1,202 @@ +import warnings +from transformers import AutoTokenizer, AutoModel +from keybert import KeyBERT +import torch +import torch.nn.functional as F +import requests +import progressbar +from itertools import combinations +from datetime import datetime + +#subject = input("Enter subject : ") +subject = "Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer" + +current_time = datetime.now().strftime("%m-%d_%H-%M") + +file_path = f"logs/run_{current_time}.log" + +content = f"# Hin run, {current_time}\n\nSubject : {subject}\n\n" + +widgets = [' [', + progressbar.Timer(format= 'elapsed time: %(elapsed)s'), + '] ', + progressbar.Bar('*'),' (', + progressbar.ETA(), ') ', + ] + +# Suppress FutureWarnings and other warnings +warnings.simplefilter(action='ignore', category=FutureWarning) + +print("\n### Fetching Data ###\n") + +# Load the tokenizer and the model +tokenizer = AutoTokenizer.from_pretrained('allenai/scibert_scivocab_uncased') + +print("* Got tokenizer") + +model = AutoModel.from_pretrained('allenai/scibert_scivocab_uncased') + +print("* Got model") + +kw_model = KeyBERT() + +print("* Got Keybert") + +# Function to compute sentence embeddings by pooling token embeddings (CLS token) +def get_sentence_embedding(text): + inputs = tokenizer(text, return_tensors="pt", padding=True, truncation=True, max_length=512) + with torch.no_grad(): + outputs = model(**inputs) + + # Pooling strategy: Use the hidden state of the [CLS] token as the sentence embedding + cls_embedding = outputs.last_hidden_state[:, 0, :] # Shape: (batch_size, hidden_size) + return cls_embedding + +# Function to compute cosine similarity +def compute_similarity(embedding1, embedding2): + similarity = F.cosine_similarity(embedding1, embedding2) + return similarity.item() + +print("\n### Getting Keywords ###\n") + +keywords = kw_model.extract_keywords(subject, keyphrase_ngram_range=(1, 2), stop_words='english', use_mmr=True, diversity=0.7) + +print("* keywords extracted") +sorted_keywords = sorted(keywords, key=lambda x: -x[1]) +text_keywords = [x[0] for x in sorted_keywords] + +content += f"## Keywords\n\n{text_keywords}\n\n" + +queries = [] + +for r in range(1, len(text_keywords) + 1): + comb = combinations(text_keywords, r) + queries.extend(comb) + +final_queries = [subject] + ["\"" + "\" OR \"".join(query) + "\"" for query in queries] + +#final_queries.ins(subject) + +print("* query generated") + +print("\n### Fetching Web data ###\n") + +# Define the SearxNG instance URL and search query +searxng_url = "https://search.penwing.org/search" + +results = [] + +web_bar = progressbar.ProgressBar(widgets=[progressbar.Percentage(), progressbar.Bar()], + maxval=len(final_queries)).start() + +progress = 0 + +content += f"## Queries\n\n" + +for query in final_queries : + params = { + "q": query, # Your search query + "format": "json", # Requesting JSON format + "categories": "science", # You can specify categories (optional) + } + + response = requests.get(searxng_url, params=params) + + if response.status_code == 200: + data = response.json() + + # List to store results with similarity scores + scored_results = [] + + results.extend(data.get("results", [])) + + content += f"{query};\n" + + if query == subject: + test_content = "" + for result in data.get("results", []): + test_content+= result['title'] + "\n---\n" + with open("test.log", 'w') as file: + file.write(test_content) + else: + print(f"Error: {response.status_code}") + + progress += 1 + web_bar.update(progress) + +print("\n\n### Starting result processing (",len(results),") ###\n") + +subject_embedding = get_sentence_embedding(subject) + +print("* Tokenized subject\n") + +scored_results_urls = [] +scored_results = [] + +bar = progressbar.ProgressBar(widgets=[progressbar.Percentage(), progressbar.Bar()], + maxval=len(results)).start() + +progress = 0 + +found_original = False + +# Process each result +for result in results : + progress += 1 + bar.update(progress) + + title = result['title'] + url = result['url'] + snippet = result['content'] + + if title == subject : + found_original = True + + if url in scored_results_urls : + continue + + scored_results_urls.append(url) + + # Get embedding for the snippet (abstract) + #result_embedding = get_sentence_embedding(snippet) + result_embedding = get_sentence_embedding(title) + + # Compute similarity between subject and snippet + similarity = compute_similarity(subject_embedding, result_embedding) + + # Store the result with its similarity score + scored_results.append({ + 'title': title, + 'url': url, + 'snippet': snippet, + 'similarity': similarity + }) + +if found_original : + print("\n* Found Original Article") + + +# Sort the results by similarity (highest first) +top_results = sorted(scored_results, key=lambda x: x['similarity'], reverse=True) + +print("\n\n### Done ###\n") + +# Print the top 10 results +for idx, result in enumerate(top_results[:10], 1): + print(f"Rank {idx} ({result['similarity']:.4f}):") + print(f"Title: {result['title']}") + print(f"URL: {result['url']}") + print(f"Snippet: {result['snippet']}") + print("-" * 40) + +# Define the file path with the current time in the filename + + +content += "\n## Results\n\n" + +for result in top_results : + content += f"Title: {result['title']}\nURL: {result['url']}\n\n" + +# Create and save the file +with open(file_path, 'w') as file: + file.write(content) diff --git a/scrub-evaluate.py b/scrub-evaluate.py deleted file mode 100644 index d21884c..0000000 --- a/scrub-evaluate.py +++ /dev/null @@ -1,131 +0,0 @@ -import warnings -from transformers import AutoTokenizer, AutoModel -import torch -import torch.nn.functional as F -import requests -import progressbar - - -# Me -#subject = "Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer" -#query = "composite viscoelastic damping" - -# Anne -#subject = "State of the art on the identification of wood structure natural frequencies. Influence of the mechanical properties and interest in sensitivity analysis as prospects for reverse identification method of wood elastic properties." -#query = "wood frequency analysis mechanical properties" - -# Axel -#subject = "Characterization of SiC MOSFET using double pulse test method." -#query = "SiC MOSFET double pulse test" - -# Paul -#subject = "Thermo-Mechanical Impact of temperature oscillations on bonding and metallization for SiC MOSFETs soldered on ceramic substrate" -#query = "thermo mechanical model discrete bonding SiC MOSFET" - -# Jam -subject = "tig welding of inconel 625 and influences on micro structures" -query = "tig welding inconel 625" - -widgets = [' [', - progressbar.Timer(format= 'elapsed time: %(elapsed)s'), - '] ', - progressbar.Bar('*'),' (', - progressbar.ETA(), ') ', - ] - -# Suppress FutureWarnings and other warnings -warnings.simplefilter(action='ignore', category=FutureWarning) - -print("\n### Fetching Data ###\n") - -# Load the tokenizer and the model -tokenizer = AutoTokenizer.from_pretrained('allenai/scibert_scivocab_uncased') - -print("* Got tokenizer") - -model = AutoModel.from_pretrained('allenai/scibert_scivocab_uncased') - -print("* Got model") - -# Function to compute sentence embeddings by pooling token embeddings (CLS token) -def get_sentence_embedding(text): - inputs = tokenizer(text, return_tensors="pt", padding=True, truncation=True, max_length=512) - with torch.no_grad(): - outputs = model(**inputs) - - # Pooling strategy: Use the hidden state of the [CLS] token as the sentence embedding - cls_embedding = outputs.last_hidden_state[:, 0, :] # Shape: (batch_size, hidden_size) - return cls_embedding - -# Function to compute cosine similarity -def compute_similarity(embedding1, embedding2): - similarity = F.cosine_similarity(embedding1, embedding2) - return similarity.item() - -# Define the SearxNG instance URL and search query -searxng_url = "https://search.penwing.org/search" # Replace with your instance URL -params = { - "q": query, # Your search query - "format": "json", # Requesting JSON format - "categories": "science", # You can specify categories (optional) -} - -# Send the request to SearxNG API -response = requests.get(searxng_url, params=params) - -# Check if the request was successful -if response.status_code == 200: - print("* Got search results") - # Parse the JSON response - data = response.json() - - subject_embedding = get_sentence_embedding(subject) - - print("* Tokenized subject") - - print("\n### Starting result processing ###\n") - # List to store results with similarity scores - scored_results = [] - - results = data.get("results", []) - progress = 0 - - bar = progressbar.ProgressBar(widgets=[progressbar.Percentage(), progressbar.Bar()], - maxval=len(results)).start() - - # Process each result - for result in results : - title = result['title'] - url = result['url'] - snippet = result['content'] - - # Get embedding for the snippet (abstract) - snippet_embedding = get_sentence_embedding(snippet) - - # Compute similarity between subject and snippet - similarity = compute_similarity(subject_embedding, snippet_embedding) - - # Store the result with its similarity score - scored_results.append({ - 'title': title, - 'url': url, - 'snippet': snippet, - 'similarity': similarity - }) - - progress += 1 - bar.update(progress) - - # Sort the results by similarity (highest first) - top_results = sorted(scored_results, key=lambda x: x['similarity'], reverse=True)[:10] - - print("\n### Done ###\n") - # Print the top 10 results - for idx, result in enumerate(top_results, 1): - print(f"Rank {idx} ({result['similarity']:.4f}):") - print(f"Title: {result['title']}") - print(f"URL: {result['url']}") - print(f"Snippet: {result['snippet']}") - print("-" * 40) -else: - print(f"Error: {response.status_code}") diff --git a/scrub.py b/scrub.py deleted file mode 100644 index 95c96b4..0000000 --- a/scrub.py +++ /dev/null @@ -1,25 +0,0 @@ -import requests - -# Define the SearxNG instance URL and search query -searxng_url = "https://search.penwing.org/search" # Replace with your instance URL -params = { - "q": "zig zag theories", # Your search query - "format": "json", # Requesting JSON format - "categories": "science", # You can specify categories (optional) -} - -# Send the request to SearxNG API -response = requests.get(searxng_url, params=params) - -# Check if the request was successful -if response.status_code == 200: - # Parse the JSON response - data = response.json() - # Print or process the results - for result in data.get("results", []): - print(f"Title: {result['title']}") - print(f"URL: {result['url']}") - print(f"Snippet: {result['content']}") - print("-" * 40) -else: - print(f"Error: {response.status_code}") diff --git a/shell.nix b/shell.nix index ca6cd38..8634f33 100644 --- a/shell.nix +++ b/shell.nix @@ -12,5 +12,6 @@ mkShell { shellHook = '' export LD_LIBRARY_PATH="${pkgs.stdenv.cc.cc.lib}/lib"; export LD_LIBRARY_PATH="${pkgs.zlib}/lib:$LD_LIBRARY_PATH"; + alias run="pipenv run python main.py; notify-send -u normal -a 'Hin' 'finished'" ''; } diff --git a/subjects b/subjects new file mode 100644 index 0000000..4d91b36 --- /dev/null +++ b/subjects @@ -0,0 +1,19 @@ +# Me +subject = "Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer" +query = "composite viscoelastic damping" + +# Anne +subject = "State of the art on the identification of wood structure natural frequencies. Influence of the mechanical properties and interest in sensitivity analysis as prospects for reverse identification method of wood elastic properties." +query = "wood frequency analysis mechanical properties" + +# Axel +subject = "Characterization of SiC MOSFET using double pulse test method." +query = "SiC MOSFET double pulse test" + +# Paul +subject = "Thermo-Mechanical Impact of temperature oscillations on bonding and metallization for SiC MOSFETs soldered on ceramic substrate" +query = "thermo mechanical model discrete bonding SiC MOSFET" + +# Jam +subject = "tig welding of inconel 625 and influences on micro structures" +query = "tig welding inconel 625" diff --git a/test.log b/test.log new file mode 100644 index 0000000..ea5aa90 --- /dev/null +++ b/test.log @@ -0,0 +1,22 @@ +Controllability of a viscoelastic plate using one boundary control in displacement or bending +--- +Decay estimate in a viscoelastic plate equation with past history, nonlinear damping, and logarithmic nonlinearity +--- +Viscoelasticity and elastocapillarity effects in the impact of drops on a repellent surface +--- +Boundary layer in linear viscoelasticity +--- +Extended plane wave expansion formulation for viscoelastic phononic thin plates +--- +Stabilization for vibrating plate with singular structural damping +--- +Global existence and decay estimates for a viscoelastic plate equation with nonlinear damping and logarithmic nonlinearity +--- +Simulations of wobble damping in viscoelastic rotators +--- +Derivation of von Kármán plate theory in the framework of three-dimensional viscoelasticity +--- +Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer +--- +Understanding viscoelastic flow instabilities: Oldroyd-B and beyond +--- diff --git a/test.py b/test.py new file mode 100644 index 0000000..a47d613 --- /dev/null +++ b/test.py @@ -0,0 +1,25 @@ +import requests + +subject = "Experiments, numerical models and optimization of carbon-epoxy plates damped by a frequency-dependent interleaved viscoelastic layer" + +searxng_url = "https://search.penwing.org/search" + +params = { + "q": subject, # Your search query + "format": "json", # Requesting JSON format + "categories": "science", # You can specify categories (optional) +} + +response = requests.get(searxng_url, params=params) + +if response.status_code == 200: + data = response.json() + + # List to store results with similarity scores + scored_results = [] + + for result in data.get("results", []): + print(result['title']) + print("---") +else: + print(f"Error: {response.status_code}") diff --git a/test1.log b/test1.log new file mode 100644 index 0000000..8c41c63 --- /dev/null +++ b/test1.log @@ -0,0 +1,10 @@ +Controllability of a viscoelastic plate using one boundary control in displacement or bending +Decay estimate in a viscoelastic plate equation with past history, nonlinear damping, and logarithmic nonlinearity +Viscoelasticity and elastocapillarity effects in the impact of drops on a repellent surface +Boundary layer in linear viscoelasticity +Extended plane wave expansion formulation for viscoelastic phononic thin plates +Stabilization for vibrating plate with singular structural damping +Global existence and decay estimates for a viscoelastic plate equation with nonlinear damping and logarithmic nonlinearity +Simulations of wobble damping in viscoelastic rotators +Derivation of von Kármán plate theory in the framework of three-dimensional viscoelasticity +Understanding viscoelastic flow instabilities: Oldroyd-B and beyond