-
The Amazon Nova Family of Models: Technical Report and Model Card
Authors:
Amazon AGI,
Aaron Langford,
Aayush Shah,
Abhanshu Gupta,
Abhimanyu Bhatter,
Abhinav Goyal,
Abhinav Mathur,
Abhinav Mohanty,
Abhishek Kumar,
Abhishek Sethi,
Abi Komma,
Abner Pena,
Achin Jain,
Adam Kunysz,
Adam Opyrchal,
Adarsh Singh,
Aditya Rawal,
Adok Achar Budihal Prasad,
AdriĆ de Gispert,
Agnika Kumar,
Aishwarya Aryamane,
Ajay Nair,
Akilan M,
Akshaya Iyengar,
Akshaya Vishnu Kudlu Shanbhogue
, et al. (761 additional authors not shown)
Abstract:
We present Amazon Nova, a new generation of state-of-the-art foundation models that deliver frontier intelligence and industry-leading price performance. Amazon Nova Pro is a highly-capable multimodal model with the best combination of accuracy, speed, and cost for a wide range of tasks. Amazon Nova Lite is a low-cost multimodal model that is lightning fast for processing images, video, documents…
▽ More
We present Amazon Nova, a new generation of state-of-the-art foundation models that deliver frontier intelligence and industry-leading price performance. Amazon Nova Pro is a highly-capable multimodal model with the best combination of accuracy, speed, and cost for a wide range of tasks. Amazon Nova Lite is a low-cost multimodal model that is lightning fast for processing images, video, documents and text. Amazon Nova Micro is a text-only model that delivers our lowest-latency responses at very low cost. Amazon Nova Canvas is an image generation model that creates professional grade images with rich customization controls. Amazon Nova Reel is a video generation model offering high-quality outputs, customization, and motion control. Our models were built responsibly and with a commitment to customer trust, security, and reliability. We report benchmarking results for core capabilities, agentic performance, long context, functional adaptation, runtime performance, and human evaluation.
△ Less
Submitted 17 March, 2025;
originally announced June 2025.
-
Accelerated Test-Time Scaling with Model-Free Speculative Sampling
Authors:
Woomin Song,
Saket Dingliwal,
Sai Muralidhar Jayanthi,
Bhavana Ganesh,
Jinwoo Shin,
Aram Galstyan,
Sravan Babu Bodapati
Abstract:
Language models have demonstrated remarkable capabilities in reasoning tasks through test-time scaling techniques like best-of-N sampling and tree search. However, these approaches often demand substantial computational resources, creating a critical trade-off between performance and efficiency. We introduce STAND (STochastic Adaptive N-gram Drafting), a novel model-free speculative decoding appro…
▽ More
Language models have demonstrated remarkable capabilities in reasoning tasks through test-time scaling techniques like best-of-N sampling and tree search. However, these approaches often demand substantial computational resources, creating a critical trade-off between performance and efficiency. We introduce STAND (STochastic Adaptive N-gram Drafting), a novel model-free speculative decoding approach that leverages the inherent redundancy in reasoning trajectories to achieve significant acceleration without compromising accuracy. Our analysis reveals that reasoning paths frequently reuse similar reasoning patterns, enabling efficient model-free token prediction without requiring separate draft models. By introducing stochastic drafting and preserving probabilistic information through a memory-efficient logit-based N-gram module, combined with optimized Gumbel-Top-K sampling and data-driven tree construction, STAND significantly improves token acceptance rates. Extensive evaluations across multiple models and reasoning tasks (AIME-2024, GPQA-Diamond, and LiveCodeBench) demonstrate that STAND reduces inference latency by 60-65% compared to standard autoregressive decoding while maintaining accuracy. Furthermore, STAND outperforms state-of-the-art speculative decoding methods by 14-28% in throughput and shows strong performance even in single-trajectory scenarios, reducing inference latency by 48-58%. As a model-free approach, STAND can be applied to any existing language model without additional training, being a powerful plug-and-play solution for accelerating language model reasoning.
△ Less
Submitted 5 June, 2025;
originally announced June 2025.
-
Compress, Gather, and Recompute: REFORMing Long-Context Processing in Transformers
Authors:
Woomin Song,
Sai Muralidhar Jayanthi,
Srikanth Ronanki,
Kanthashree Mysore Sathyendra,
Jinwoo Shin,
Aram Galstyan,
Shubham Katiyar,
Sravan Babu Bodapati
Abstract:
As large language models increasingly gain popularity in real-world applications, processing extremely long contexts, often exceeding the model's pre-trained context limits, has emerged as a critical challenge. While existing approaches to efficient long-context processing show promise, recurrent compression-based methods struggle with information preservation, whereas random access approaches req…
▽ More
As large language models increasingly gain popularity in real-world applications, processing extremely long contexts, often exceeding the model's pre-trained context limits, has emerged as a critical challenge. While existing approaches to efficient long-context processing show promise, recurrent compression-based methods struggle with information preservation, whereas random access approaches require substantial memory resources. We introduce REFORM, a novel inference framework that efficiently handles long contexts through a two-phase approach. First, it incrementally processes input chunks while maintaining a compressed KV cache, constructs cross-layer context embeddings, and utilizes early exit strategy for improved efficiency. Second, it identifies and gathers essential tokens via similarity matching and selectively recomputes the KV cache. Compared to baselines, REFORM achieves over 50% and 27% performance gains on RULER and BABILong respectively at 1M context length. It also outperforms baselines on Infinite-Bench and MM-NIAH, demonstrating flexibility across diverse tasks and domains. Additionally, REFORM reduces inference time by 30% and peak memory usage by 5%, achieving both efficiency and superior performance.
△ Less
Submitted 1 June, 2025;
originally announced June 2025.
-
Synthetic Multimodal Question Generation
Authors:
Ian Wu,
Sravan Jayanthi,
Vijay Viswanathan,
Simon Rosenberg,
Sina Pakazad,
Tongshuang Wu,
Graham Neubig
Abstract:
Multimodal Retrieval Augmented Generation (MMRAG) is a powerful approach to question-answering over multimodal documents. A key challenge with evaluating MMRAG is the paucity of high-quality datasets matching the question styles and modalities of interest. In light of this, we propose SMMQG, a synthetic data generation framework. SMMQG leverages interplay between a retriever, large language model…
▽ More
Multimodal Retrieval Augmented Generation (MMRAG) is a powerful approach to question-answering over multimodal documents. A key challenge with evaluating MMRAG is the paucity of high-quality datasets matching the question styles and modalities of interest. In light of this, we propose SMMQG, a synthetic data generation framework. SMMQG leverages interplay between a retriever, large language model (LLM) and large multimodal model (LMM) to generate question and answer pairs directly from multimodal documents, with the questions conforming to specified styles and modalities. We use SMMQG to generate an MMRAG dataset of 1024 questions over Wikipedia documents and evaluate state-of-the-art models using it, revealing insights into model performance that are attainable only through style- and modality-specific evaluation data. Next, we measure the quality of data produced by SMMQG via a human study. We find that the quality of SMMQG-generated synthetic data is on par with the quality of the crowdsourced benchmark MMQA and that downstream evaluation results using both datasets strongly concur.
△ Less
Submitted 3 October, 2024; v1 submitted 2 July, 2024;
originally announced July 2024.
-
SpeechGuard: Exploring the Adversarial Robustness of Multimodal Large Language Models
Authors:
Raghuveer Peri,
Sai Muralidhar Jayanthi,
Srikanth Ronanki,
Anshu Bhatia,
Karel Mundnich,
Saket Dingliwal,
Nilaksh Das,
Zejiang Hou,
Goeric Huybrechts,
Srikanth Vishnubhotla,
Daniel Garcia-Romero,
Sundararajan Srinivasan,
Kyu J Han,
Katrin Kirchhoff
Abstract:
Integrated Speech and Large Language Models (SLMs) that can follow speech instructions and generate relevant text responses have gained popularity lately. However, the safety and robustness of these models remains largely unclear. In this work, we investigate the potential vulnerabilities of such instruction-following speech-language models to adversarial attacks and jailbreaking. Specifically, we…
▽ More
Integrated Speech and Large Language Models (SLMs) that can follow speech instructions and generate relevant text responses have gained popularity lately. However, the safety and robustness of these models remains largely unclear. In this work, we investigate the potential vulnerabilities of such instruction-following speech-language models to adversarial attacks and jailbreaking. Specifically, we design algorithms that can generate adversarial examples to jailbreak SLMs in both white-box and black-box attack settings without human involvement. Additionally, we propose countermeasures to thwart such jailbreaking attacks. Our models, trained on dialog data with speech instructions, achieve state-of-the-art performance on spoken question-answering task, scoring over 80% on both safety and helpfulness metrics. Despite safety guardrails, experiments on jailbreaking demonstrate the vulnerability of SLMs to adversarial perturbations and transfer attacks, with average attack success rates of 90% and 10% respectively when evaluated on a dataset of carefully designed harmful questions spanning 12 different toxic categories. However, we demonstrate that our proposed countermeasures reduce the attack success significantly.
△ Less
Submitted 14 May, 2024;
originally announced May 2024.
-
SpeechVerse: A Large-scale Generalizable Audio Language Model
Authors:
Nilaksh Das,
Saket Dingliwal,
Srikanth Ronanki,
Rohit Paturi,
Zhaocheng Huang,
Prashant Mathur,
Jie Yuan,
Dhanush Bekal,
Xing Niu,
Sai Muralidhar Jayanthi,
Xilai Li,
Karel Mundnich,
Monica Sunkara,
Sravan Bodapati,
Sundararajan Srinivasan,
Kyu J Han,
Katrin Kirchhoff
Abstract:
Large language models (LLMs) have shown incredible proficiency in performing tasks that require semantic understanding of natural language instructions. Recently, many works have further expanded this capability to perceive multimodal audio and text inputs, but their capabilities are often limited to specific fine-tuned tasks such as automatic speech recognition and translation. We therefore devel…
▽ More
Large language models (LLMs) have shown incredible proficiency in performing tasks that require semantic understanding of natural language instructions. Recently, many works have further expanded this capability to perceive multimodal audio and text inputs, but their capabilities are often limited to specific fine-tuned tasks such as automatic speech recognition and translation. We therefore develop SpeechVerse, a robust multi-task training and curriculum learning framework that combines pre-trained speech and text foundation models via a small set of learnable parameters, while keeping the pre-trained models frozen during training. The models are instruction finetuned using continuous latent representations extracted from the speech foundation model to achieve optimal zero-shot performance on a diverse range of speech processing tasks using natural language instructions. We perform extensive benchmarking that includes comparing our model performance against traditional baselines across several datasets and tasks. Furthermore, we evaluate the model's capability for generalized instruction following by testing on out-of-domain datasets, novel prompts, and unseen tasks. Our empirical experiments reveal that our multi-task SpeechVerse model is even superior to conventional task-specific baselines on 9 out of the 11 tasks.
△ Less
Submitted 24 March, 2025; v1 submitted 13 May, 2024;
originally announced May 2024.
-
Retrieve and Copy: Scaling ASR Personalization to Large Catalogs
Authors:
Sai Muralidhar Jayanthi,
Devang Kulshreshtha,
Saket Dingliwal,
Srikanth Ronanki,
Sravan Bodapati
Abstract:
Personalization of automatic speech recognition (ASR) models is a widely studied topic because of its many practical applications. Most recently, attention-based contextual biasing techniques are used to improve the recognition of rare words and domain specific entities. However, due to performance constraints, the biasing is often limited to a few thousand entities, restricting real-world usabili…
▽ More
Personalization of automatic speech recognition (ASR) models is a widely studied topic because of its many practical applications. Most recently, attention-based contextual biasing techniques are used to improve the recognition of rare words and domain specific entities. However, due to performance constraints, the biasing is often limited to a few thousand entities, restricting real-world usability. To address this, we first propose a "Retrieve and Copy" mechanism to improve latency while retaining the accuracy even when scaled to a large catalog. We also propose a training strategy to overcome the degradation in recall at such scale due to an increased number of confusing entities. Overall, our approach achieves up to 6% more Word Error Rate reduction (WERR) and 3.6% absolute improvement in F1 when compared to a strong baseline. Our method also allows for large catalog sizes of up to 20K without significantly affecting WER and F1-scores, while achieving at least 20% inference speedup per acoustic frame.
△ Less
Submitted 14 November, 2023;
originally announced November 2023.
-
Fast Lifelong Adaptive Inverse Reinforcement Learning from Demonstrations
Authors:
Letian Chen,
Sravan Jayanthi,
Rohan Paleja,
Daniel Martin,
Viacheslav Zakharov,
Matthew Gombolay
Abstract:
Learning from Demonstration (LfD) approaches empower end-users to teach robots novel tasks via demonstrations of the desired behaviors, democratizing access to robotics. However, current LfD frameworks are not capable of fast adaptation to heterogeneous human demonstrations nor the large-scale deployment in ubiquitous robotics applications. In this paper, we propose a novel LfD framework, Fast Lif…
▽ More
Learning from Demonstration (LfD) approaches empower end-users to teach robots novel tasks via demonstrations of the desired behaviors, democratizing access to robotics. However, current LfD frameworks are not capable of fast adaptation to heterogeneous human demonstrations nor the large-scale deployment in ubiquitous robotics applications. In this paper, we propose a novel LfD framework, Fast Lifelong Adaptive Inverse Reinforcement learning (FLAIR). Our approach (1) leverages learned strategies to construct policy mixtures for fast adaptation to new demonstrations, allowing for quick end-user personalization, (2) distills common knowledge across demonstrations, achieving accurate task inference; and (3) expands its model only when needed in lifelong deployments, maintaining a concise set of prototypical strategies that can approximate all behaviors via policy mixtures. We empirically validate that FLAIR achieves adaptability (i.e., the robot adapts to heterogeneous, user-specific task preferences), efficiency (i.e., the robot achieves sample-efficient adaptation), and scalability (i.e., the model grows sublinearly with the number of demonstrations while maintaining high performance). FLAIR surpasses benchmarks across three control tasks with an average 57% improvement in policy returns and an average 78% fewer episodes required for demonstration modeling using policy mixtures. Finally, we demonstrate the success of FLAIR in a table tennis task and find users rate FLAIR as having higher task (p<.05) and personalization (p<.05) performance.
△ Less
Submitted 27 May, 2025; v1 submitted 23 September, 2022;
originally announced September 2022.
-
Unified State Representation Learning under Data Augmentation
Authors:
Taylor Hearn,
Sravan Jayanthi,
Sehoon Ha
Abstract:
The capacity for rapid domain adaptation is important to increasing the applicability of reinforcement learning (RL) to real world problems. Generalization of RL agents is critical to success in the real world, yet zero-shot policy transfer is a challenging problem since even minor visual changes could make the trained agent completely fail in the new task. We propose USRA: Unified State Represent…
▽ More
The capacity for rapid domain adaptation is important to increasing the applicability of reinforcement learning (RL) to real world problems. Generalization of RL agents is critical to success in the real world, yet zero-shot policy transfer is a challenging problem since even minor visual changes could make the trained agent completely fail in the new task. We propose USRA: Unified State Representation Learning under Data Augmentation, a representation learning framework that learns a latent unified state representation by performing data augmentations on its observations to improve its ability to generalize to unseen target domains. We showcase the success of our approach on the DeepMind Control Generalization Benchmark for the Walker environment and find that USRA achieves higher sample efficiency and 14.3% better domain adaptation performance compared to the best baseline results.
△ Less
Submitted 12 September, 2022;
originally announced September 2022.
-
Strategy Discovery and Mixture in Lifelong Learning from Heterogeneous Demonstration
Authors:
Sravan Jayanthi,
Letian Chen,
Matthew Gombolay
Abstract:
Learning from Demonstration (LfD) approaches empower end-users to teach robots novel tasks via demonstrations of the desired behaviors, democratizing access to robotics. A key challenge in LfD research is that users tend to provide heterogeneous demonstrations for the same task due to various strategies and preferences. Therefore, it is essential to develop LfD algorithms that ensure \textit{flexi…
▽ More
Learning from Demonstration (LfD) approaches empower end-users to teach robots novel tasks via demonstrations of the desired behaviors, democratizing access to robotics. A key challenge in LfD research is that users tend to provide heterogeneous demonstrations for the same task due to various strategies and preferences. Therefore, it is essential to develop LfD algorithms that ensure \textit{flexibility} (the robot adapts to personalized strategies), \textit{efficiency} (the robot achieves sample-efficient adaptation), and \textit{scalability} (robot reuses a concise set of strategies to represent a large amount of behaviors). In this paper, we propose a novel algorithm, Dynamic Multi-Strategy Reward Distillation (DMSRD), which distills common knowledge between heterogeneous demonstrations, leverages learned strategies to construct mixture policies, and continues to improve by learning from all available data. Our personalized, federated, and lifelong LfD architecture surpasses benchmarks in two continuous control problems with an average 77\% improvement in policy returns and 42\% improvement in log likelihood, alongside stronger task reward correlation and more precise strategy rewards.
△ Less
Submitted 14 February, 2022;
originally announced February 2022.
-
Evaluating Pretrained Transformer Models for Entity Linking in Task-Oriented Dialog
Authors:
Sai Muralidhar Jayanthi,
Varsha Embar,
Karthik Raghunathan
Abstract:
The wide applicability of pretrained transformer models (PTMs) for natural language tasks is well demonstrated, but their ability to comprehend short phrases of text is less explored. To this end, we evaluate different PTMs from the lens of unsupervised Entity Linking in task-oriented dialog across 5 characteristics -- syntactic, semantic, short-forms, numeric and phonetic. Our results demonstrate…
▽ More
The wide applicability of pretrained transformer models (PTMs) for natural language tasks is well demonstrated, but their ability to comprehend short phrases of text is less explored. To this end, we evaluate different PTMs from the lens of unsupervised Entity Linking in task-oriented dialog across 5 characteristics -- syntactic, semantic, short-forms, numeric and phonetic. Our results demonstrate that several of the PTMs produce sub-par results when compared to traditional techniques, albeit competitive to other neural baselines. We find that some of their shortcomings can be addressed by using PTMs fine-tuned for text-similarity tasks, which illustrate an improved ability in comprehending semantic and syntactic correspondences, as well as some improvements for short-forms, numeric and phonetic variations in entity mentions. We perform qualitative analysis to understand nuances in their predictions and discuss scope for further improvements. Code can be found at https://github.com/murali1996/el_tod
△ Less
Submitted 15 December, 2021;
originally announced December 2021.
-
Heteronuclear transfers from labile protons in biomolecular NMR: Cross Polarization, revisited
Authors:
Mihajlo Novakovic,
Sundaresan Jayanthi,
Adonis Lupulescu,
Maria Grazia Concilio,
Jihyun Kim,
David Columbus,
Ilya Kuprov,
Lucio Frydman
Abstract:
INEPT- and HMQC-based pulse sequences are widely used to transfer polarization between heteronuclei, particularly in biomolecular spectroscopy: they are easy to setup and involve low power deposition. Still, these short-pulse polarization transfers schemes are challenged by fast solvent chemical exchange. An alternative to improve these heteronuclear transfers is J-driven cross polarization (J-CP)…
▽ More
INEPT- and HMQC-based pulse sequences are widely used to transfer polarization between heteronuclei, particularly in biomolecular spectroscopy: they are easy to setup and involve low power deposition. Still, these short-pulse polarization transfers schemes are challenged by fast solvent chemical exchange. An alternative to improve these heteronuclear transfers is J-driven cross polarization (J-CP), which transfers polarization by spin-locking the coupled spins under Hartmann-Hahn conditions. J-CP provides certain immunity against chemical exchange and other T2-like relaxation effects, a behavior that is here examined in depth by both Liouville-space numerical and analytical derivations describing the transfer efficiency. While superior to INEPT-based transfers, fast exchange may also slow down these J-CP transfers, hurting their efficiency. This study therefore explores the potential of repeated projective operations to improve 1H->15N and 1H->15N->13C J-CP transfers in the presence of fast solvent chemical exchanges. It is found that while repeating J-CP provides little 1H->15N transfer advantages over a prolonged CP, multiple contacts that keep both the water and the labile protons effectively spin-locked can improve 1H->15N->13C transfers in the presence of chemical exchange. The ensuing Looped, Concatenated Cross Polarization (L-CCP) compensates for single J-CP losses by relying on the 13C longer lifetimes, leading to a kind of algorithmic cooling that can provide high polarization for the 15N as well as carbonyl and alpha 13Cs. This can facilitate certain experiments, as demonstrated with triple resonance experiments on intrinsically disordered proteins involving labile, chemically exchanging protons.
△ Less
Submitted 2 September, 2021;
originally announced September 2021.
-
CodemixedNLP: An Extensible and Open NLP Toolkit for Code-Mixing
Authors:
Sai Muralidhar Jayanthi,
Kavya Nerella,
Khyathi Raghavi Chandu,
Alan W Black
Abstract:
The NLP community has witnessed steep progress in a variety of tasks across the realms of monolingual and multilingual language processing recently. These successes, in conjunction with the proliferating mixed language interactions on social media have boosted interest in modeling code-mixed texts. In this work, we present CodemixedNLP, an open-source library with the goals of bringing together th…
▽ More
The NLP community has witnessed steep progress in a variety of tasks across the realms of monolingual and multilingual language processing recently. These successes, in conjunction with the proliferating mixed language interactions on social media have boosted interest in modeling code-mixed texts. In this work, we present CodemixedNLP, an open-source library with the goals of bringing together the advances in code-mixed NLP and opening it up to a wider machine learning community. The library consists of tools to develop and benchmark versatile model architectures that are tailored for mixed texts, methods to expand training sets, techniques to quantify mixing styles, and fine-tuned state-of-the-art models for 7 tasks in Hinglish. We believe this work has a potential to foster a distributed yet collaborative and sustainable ecosystem in an otherwise dispersed space of code-mixing research. The toolkit is designed to be simple, easily extensible, and resourceful to both researchers as well as practitioners.
△ Less
Submitted 10 June, 2021;
originally announced June 2021.
-
SJ_AJ@DravidianLangTech-EACL2021: Task-Adaptive Pre-Training of Multilingual BERT models for Offensive Language Identification
Authors:
Sai Muralidhar Jayanthi,
Akshat Gupta
Abstract:
In this paper we present our submission for the EACL 2021-Shared Task on Offensive Language Identification in Dravidian languages. Our final system is an ensemble of mBERT and XLM-RoBERTa models which leverage task-adaptive pre-training of multilingual BERT models with a masked language modeling objective. Our system was ranked 1st for Kannada, 2nd for Malayalam and 3rd for Tamil.
In this paper we present our submission for the EACL 2021-Shared Task on Offensive Language Identification in Dravidian languages. Our final system is an ensemble of mBERT and XLM-RoBERTa models which leverage task-adaptive pre-training of multilingual BERT models with a masked language modeling objective. Our system was ranked 1st for Kannada, 2nd for Malayalam and 3rd for Tamil.
△ Less
Submitted 12 March, 2021; v1 submitted 1 February, 2021;
originally announced February 2021.
-
NeuSpell: A Neural Spelling Correction Toolkit
Authors:
Sai Muralidhar Jayanthi,
Danish Pruthi,
Graham Neubig
Abstract:
We introduce NeuSpell, an open-source toolkit for spelling correction in English. Our toolkit comprises ten different models, and benchmarks them on naturally occurring misspellings from multiple sources. We find that many systems do not adequately leverage the context around the misspelt token. To remedy this, (i) we train neural models using spelling errors in context, synthetically constructed…
▽ More
We introduce NeuSpell, an open-source toolkit for spelling correction in English. Our toolkit comprises ten different models, and benchmarks them on naturally occurring misspellings from multiple sources. We find that many systems do not adequately leverage the context around the misspelt token. To remedy this, (i) we train neural models using spelling errors in context, synthetically constructed by reverse engineering isolated misspellings; and (ii) use contextual representations. By training on our synthetic examples, correction rates improve by 9% (absolute) compared to the case when models are trained on randomly sampled character perturbations. Using richer contextual representations boosts the correction rate by another 3%. Our toolkit enables practitioners to use our proposed and existing spelling correction systems, both via a unified command line, as well as a web interface. Among many potential applications, we demonstrate the utility of our spell-checkers in combating adversarial misspellings. The toolkit can be accessed at neuspell.github.io. Code and pretrained models are available at http://github.com/neuspell/neuspell.
△ Less
Submitted 21 October, 2020;
originally announced October 2020.
-
Tailoring the Energy Gap of Hybrid Hexagonal Boron Nitride Sheets Embedded with Carbon Domains of Different Shapes and Sizes
Authors:
Cherno B. Kah,
M. Yu,
Chakram S. Jayanthi
Abstract:
We present in this work the size-dependent and shape-dependent properties of carbon domains in hybrid h-BN/C sheets with the goal of tailoring their energy gaps. We have considered triangular, hexagonal, circular, and rectangular carbon domains embedded in h-BN sheets and optimized the structure of these h-BN/C sheets using the recently developed semi-empirical method, referred as SCED-LCAO. Calcu…
▽ More
We present in this work the size-dependent and shape-dependent properties of carbon domains in hybrid h-BN/C sheets with the goal of tailoring their energy gaps. We have considered triangular, hexagonal, circular, and rectangular carbon domains embedded in h-BN sheets and optimized the structure of these h-BN/C sheets using the recently developed semi-empirical method, referred as SCED-LCAO. Calculated energy gaps of hybrid h-BN/C sheets exhibit interesting size- and shape-dependent properties. The energy gap of h-BN/C sheets embedded with rectangular domains shows a semi-metal behavior, while the size-dependence of the energy gap of hexagonal carbon domains exhibit a power-law decrease, and that of the energy gap of h-BN/C sheets with circular carbon domains show an oscillatory behavior. It is evident from the density of states calculations that the reduction in the energy gap of hybrid h-BN/C sheets compared to pristine h-BN sheets mainly arises from carbon domains. The bond distortions due to competing bond lengths (C-C, C-B, C-N, B-N, etc.) at the domain boundary also introduce states in the gap and this is particularly evident in sheets with smaller carbon domains.
△ Less
Submitted 7 January, 2020;
originally announced January 2020.
-
Icosahedra boron chain and sheets: new boron allotropic structures
Authors:
C. B. Kah,
M. Yu,
P. Tandy,
C. S. Jayanthi,
S. Y. Wu
Abstract:
The icosahedra boron chain and three icosahedra sheets (with α, Ī“4, and Ī“6 symmetries), constructed by the icosahedra B12, have been obtained as new members of boron family using a highly efficient molecular dynamics scheme based on a transferable and reliable semi-empirical Hamiltonian. The icosahedral B12 in the icosahedra chain is slightly elongated along the china direction and directly bonded…
▽ More
The icosahedra boron chain and three icosahedra sheets (with α, Γ4, and Γ6 symmetries), constructed by the icosahedra B12, have been obtained as new members of boron family using a highly efficient molecular dynamics scheme based on a transferable and reliable semi-empirical Hamiltonian. The icosahedral B12 in the icosahedra chain is slightly elongated along the china direction and directly bonded each other with the two-center covalent bonds. A deformation of the icosahedra B12 was also found in the two-dimensional icosahedra sheets. In addition to the three-center bonding nature inside the icosahedra B12, there are two types of directional inter-icosahedra bonds in the icosahedra sheet structures, one is the single strong covalent bond, and the other is a pair of the weak covalent Γ bonds. In contrast to the boron monolayer, there is no buckling found in these icosahedra sheets. The deformation of the icosahedra B12 and the special bonding nature in these new icosahedra structures induce the energy band gap of 0.74 eV in the icosahedra chain, 0.52 eV in the icosahedra Γ6 sheet, 0.39 eV in the icosahedra Γ4 sheet, and the gapless in the icosahedra α sheet, respectively. The energy barrier per atom from the icosahedra Γ6 sheet to the icosahedra α sheet is estimated to be 0.17 eV while it is estimated as 0.38 eV from the icosahedra Γ6 sheet to the icosahedra Γ4 sheet and 0.27 eV from the icosahedra α sheet to the icosahedra Γ4 sheet, respectively. Such high energy barriers indicate that these icosahedra sheets are relatively stable.
△ Less
Submitted 25 September, 2014;
originally announced September 2014.
-
Modeling Compact Boron Clusters with the Next Generation of Environment-Dependent Semi-Empirical Hamiltonian
Authors:
P. Tandy,
Ming Yu,
C. Leahy,
C. S. Jayanthi,
S. Y. Wu
Abstract:
A highly efficient semi-empirical Hamiltonian has been developed and applied to model the compact boron clusters with the intermediate size. The Hamiltonian, in addition to the inclusion of the environment-dependent interactions and electron-electron correlations with the on-site charge calculated self-consistently, has contained the environment-dependent excitation orbital energy to take into acc…
▽ More
A highly efficient semi-empirical Hamiltonian has been developed and applied to model the compact boron clusters with the intermediate size. The Hamiltonian, in addition to the inclusion of the environment-dependent interactions and electron-electron correlations with the on-site charge calculated self-consistently, has contained the environment-dependent excitation orbital energy to take into account the atomic aggregation effect on the atomic orbitals. The Hamiltonian for boron has successfully characterized the electron deficiency of boron and captured the complex chemical bonding in various boron allotropes including the planer and quasi-planer, the convex, the ring, the icosahedra, the fullerene-like clusters, the two-dimensional monolayer sheets, and the alpha boron bulk, demonstrating its transferability, robustness, reliability, and has the predict power. The Hamiltonian has been applied to explore the existence of the compact structure of boron clusters with the intermediate size. Over 230 compact clusters including the random, the rhombohedra, and the spherical icosahedra structures are obtained with the size up to 768 atoms. It has been found that, energetically, clusters containing most compacted icosahedra B12 balls (i.e., the body-like rhombohedra clusters and trimmed spherical cut icosahedra clusters) are the most stable for large size (Natom >200) of boron clusters, while the spherical cut icosahedra, random structures, and cage-like boron clusters are competitive for the small or intermediate size (24 < Natom <200) of boron clusters.
△ Less
Submitted 21 August, 2014; v1 submitted 21 August, 2014;
originally announced August 2014.
-
Initial stage of growth of single-walled carbon nanotubes : modelling and simulations
Authors:
I. Chaudhuri,
Ming Yu,
C. S. Jayanthi,
S. Y. Wu
Abstract:
Through a careful modeling of interactions, collisions, and the catalytic behavior, one can obtain important information about the initial stage of growth of single-wall carbon nanotubes (SWCNTs), where a state-of-the-art semi-empirical Hamiltonian [Phys. Rev. B, 74, 155408 (2006)] is used to model the interaction between carbon atoms. The metal catalyst forming a supersaturated metal-alloy drople…
▽ More
Through a careful modeling of interactions, collisions, and the catalytic behavior, one can obtain important information about the initial stage of growth of single-wall carbon nanotubes (SWCNTs), where a state-of-the-art semi-empirical Hamiltonian [Phys. Rev. B, 74, 155408 (2006)] is used to model the interaction between carbon atoms. The metal catalyst forming a supersaturated metal-alloy droplet is represented by a jellium, and the effect of collisions between the carbon atoms and the catalyst is captured by charge transfers between the jellium and the carbon. Starting from carbon clusters in different initial configurations (e.g., random structures, cage structures, bulk-cut spherical clusters, etc.), we anneal them to different temperatures. These simulations are performed with clusters placed in the jellium as well as in vacuum. We find that, in the presence of jellium, and for an optimal charge transfer of ~ 0.1 e-0.2 e, open cage structures (and some elongated cage structures) are formed, which may be viewed as precursors to the growth of SWCNTs. We will also discuss the implications of a spherical boundary on the nucleation of a SWCNT.
△ Less
Submitted 16 January, 2012;
originally announced January 2012.
-
Is There a Stable Bucky-diamond Structure for SiC Clusters?
Authors:
Ming Yu,
C. S. Jayanthi,
S. Y. Wu
Abstract:
We have carried out an extensive search for the SiC Bucky-diamond structure to confirm not only that a pair of Si and C atoms can form sp2- as well as sp3-type bonds but also that these two types of bonds can co-exist in the same SiC-based structure. The successful and surprising discovery of the SinCm Bucky-diamond structure at the specific composition of n=68 and m=79 is the result of the relaxa…
▽ More
We have carried out an extensive search for the SiC Bucky-diamond structure to confirm not only that a pair of Si and C atoms can form sp2- as well as sp3-type bonds but also that these two types of bonds can co-exist in the same SiC-based structure. The successful and surprising discovery of the SinCm Bucky-diamond structure at the specific composition of n=68 and m=79 is the result of the relaxation of the truncated bulk 3C-SiC network to yield a SinCm cluster with m +n=147. It highlights the important role played by the composition in determining the structure and hence other properties of SiC-based nano-structures. We have also shed light on the mechanism behind the formation of the Bucky-diamond structure. The formation process is initiated by the induced bonds between pairs of surface carbon atoms of the initial configuration of the Si68C79 cluster obtained by truncating bulk 3C-SiC network. This action then continuously incorporates atoms in the six outer shells of the Si68C79 clusters to form the 112-atom Fullerene shell through nearest neighbor Si-C interactions. Because the 35-atom inner core with five completely filled shells only interacts weakly with the Fullerene shell through the six atoms on its "surface", the diamond-like inner core is barely perturbed and is suspended inside the Fullerene shell. We have also suggested a likely route of synthesizing the SiC Bucky-diamond structure based on the result of our simulation.
△ Less
Submitted 24 August, 2011;
originally announced August 2011.
-
Link Spam Detection based on DBSpamClust with Fuzzy C-means Clustering
Authors:
S. K. Jayanthi,
S. Sasikala
Abstract:
Search engine became omnipresent means for ingoing to the web. Spamming Search engine is the technique to deceiving the ranking in search engine and it inflates the ranking. Web spammers have taken advantage of the vulnerability of link based ranking algorithms by creating many artificial references or links in order to acquire higher-than-deserved ranking n search engines' results. Link based alg…
▽ More
Search engine became omnipresent means for ingoing to the web. Spamming Search engine is the technique to deceiving the ranking in search engine and it inflates the ranking. Web spammers have taken advantage of the vulnerability of link based ranking algorithms by creating many artificial references or links in order to acquire higher-than-deserved ranking n search engines' results. Link based algorithms such as PageRank, HITS utilizes the structural details of the hyperlinks for ranking the content in the web. In this paper an algorithm DBSpamClust is proposed for link spam detection. As showing through experiments such a method can filter out web spam effectively
△ Less
Submitted 30 December, 2010;
originally announced January 2011.
-
Offset-free Measurement of Dipolar Couplings in a Single Crystal and Determination of Molecular Orientation
Authors:
S. Jayanthi,
K. V. Ramanathan
Abstract:
Dipolar couplings are an important source of structure as they provide site specific dipolar splittings for aligned samples and hence are extensively used for the study of membrane proteins in lipid bilayers, liquid crystals and single crystals. Of the many Separated Local Field (SLF) techniques existing to avail this information for static oriented systems, PISEMA (Polarization Inversion Spin Exc…
▽ More
Dipolar couplings are an important source of structure as they provide site specific dipolar splittings for aligned samples and hence are extensively used for the study of membrane proteins in lipid bilayers, liquid crystals and single crystals. Of the many Separated Local Field (SLF) techniques existing to avail this information for static oriented systems, PISEMA (Polarization Inversion Spin Exchange at Magic Angle) has found to have wide application due to its many favorable characteristics. However the pulse sequence suffers from its inherent sensitivity to proton resonance frequency offset. We have recently proposed a sequence named DAPT (Dipolar Assisted Polarization Transfer: S. Jayanthi et al. Chem. Phys. Lett. 439, 407, 2007.) for dipolar coupling measurement which is found to be insensitive to proton offsets over wide range. In this presentation, we report the first implementation of the sequence on rigid systems. Experiments were done on a single crystal of N-Acetyl DL-Valine (NAV). Dipolar couplings measured from the 2D DAPT spectrum is used for identifying the orientations of the magnetically in-equivalent molecules in the unit cell. SLF spectrum of NAV is complicated due to the presence of two magnetically in-equivalent molecules in the unit cell and with pairs of splitting for each C(alpha) - 1H and C(beta) - 1H. The molecular orientation has been identified by incorporating the crystal coordinates and constructing a three dimensional rotation matrix about an arbitrary axis using Rodrigues' rotation formula with the aid of a MATLAB program. Dipolar couplings measured from the spectrum is used for all the calculations. The algorithm proposed here is simple and hence can be easily accessible for various other studies aimed for structural elucidation.
△ Less
Submitted 3 October, 2010;
originally announced October 2010.
-
Bonding Nature, Structural Optimization, and Energetics studies of SiC Graphitic-Like layer Structures and Single/Double Walled Nanotubes
Authors:
Ming Yu,
C. S. Jayanthi,
S. Y. Wu
Abstract:
The structural optimization and energetics studies of SiC graphitic-like structures have been investigated theoretically in the context of formations of stable graphitic-like layer structures, single- and multi-walled nanotubes using the DFT-based Vienna ab-inito simulation package. The bonding nature of atoms in the optimized structures has been examined using a local analysis technique based o…
▽ More
The structural optimization and energetics studies of SiC graphitic-like structures have been investigated theoretically in the context of formations of stable graphitic-like layer structures, single- and multi-walled nanotubes using the DFT-based Vienna ab-inito simulation package. The bonding nature of atoms in the optimized structures has been examined using a local analysis technique based on a self-consistent and environment-dependent semi-empirical Hamiltonian. Results of our studies reveal that stabilized SiC graphitic-like layer structures possess the sp2 bonding nature, different from the sp3 bonding nature in bulk SiC. Such flexibility in bonding configurations between Si and C atoms holds the possibility for a wide range of stable SiC-based structures, similar to those for carbon-based structures. In the case of SiC-based nanotubes, we have calculated quantities such as the strain energy, the degree of buckle in the cylindrical shell, and bond charges between Si and C atoms, to obtain an understanding of the optimized structures. The optimized interlayer spacing of SiC graphitic-like multilayer sheets has been found to depend on the ordering of atoms in different layers of the SiC graphitic-like structure (0.37 nm for the Si-C sequence of bilayer arrangement versus 0.48 nm for either the Si-Si or the C-C sequence of bilayer arrangement). These observations may be attributed to the Coulomb interactions due to the charge redistribution among Si and C atoms. On the other hand, the existence of two different ranges of interlayer separation in SiC double-walled nanotubes (0.38 nm for zigzag and 0.48 nm for armchair) is found to be related to whether the dominant interlayer neighbors are of the Si-C type or the Si-Si and C-C types.
△ Less
Submitted 22 January, 2009;
originally announced January 2009.
-
Electrostatic deposition of graphene in a gaseous environment: A deterministic route to synthesize rolled graphenes?
Authors:
Anton Sidorov,
David Mudd,
Gamini Sumanasekera,
P. J. Ouseph,
C. S. Jayanthi,
Shi-Yu Wu*
Abstract:
The synthesis of single-wall carbon nanotubes (SWCNTs) of desired diameters and chiralities is critical to the design of nanoscale electronic devices with desired properties.1-6 The existing methods are based on self-assembly, 7-16 therefore lacking the control over their diameters and chiralities. The present work reports a direct route to roll graphene. Specifically, we found that the electros…
▽ More
The synthesis of single-wall carbon nanotubes (SWCNTs) of desired diameters and chiralities is critical to the design of nanoscale electronic devices with desired properties.1-6 The existing methods are based on self-assembly, 7-16 therefore lacking the control over their diameters and chiralities. The present work reports a direct route to roll graphene. Specifically, we found that the electrostatic deposition of graphene yielded: (i) flat graphene layers under high vacuum (10-7 Torr), (ii) completely scrolled graphene under hydrogen atmosphere, (iii) partially scrolled graphene under nitrogen atmosphere, and (iv) no scrolling for helium atmospheres. Our study shows that the application of the electrostatic field facilitates the rolling of graphene sheets exposed to appropriate gases and allows the rolling of any size graphene. The technique proposed here, in conjunction with a technique that produces graphene nanoribbons (GNRs) of uniform widths, will have significant impact on the development of carbon nanotube based devices. Furthermore, the present technique may be applied to obtain tubes/scrolls of other layered materials.
△ Less
Submitted 11 August, 2008;
originally announced August 2008.
-
What is the ground-state structure of intermediate-sized carbon clusters?
Authors:
Ming Yu,
Indira Chaudhuri,
C. Leahy,
C. S. Jayanthi,
S. Y. Wu
Abstract:
A comprehensive study on the relative structural stability of various nanostructures of carbon clusters (including fullerenes, cages, onions, icosahedral clusters, bucky-diamond clusters, spherically bulk terminated clusters, and clusters with faceted termination) in the range of d < 5 nm has been carried out using a semi-empirical method based on a self-consistent and environment-dependent/line…
▽ More
A comprehensive study on the relative structural stability of various nanostructures of carbon clusters (including fullerenes, cages, onions, icosahedral clusters, bucky-diamond clusters, spherically bulk terminated clusters, and clusters with faceted termination) in the range of d < 5 nm has been carried out using a semi-empirical method based on a self-consistent and environment-dependent/linear combination of atomic orbital (SCED-LCAO) Hamiltonian. It was found that among these nanostructures with the same diameter, fullerenes are still the most stable structure, in contrast to the icosahedral cluster being the ground state structure for a series of discrete n values for other tetravalent clusters. The transformations from a bucky-diamond structure to an onion structure, or to a cage structure, or from an onion structure to a cage structure have been observed using a finite temperature molecular dynamics scheme based on the SCED-LCAO Hamiltonian. It was also found that the size-dependence of the HOMO-LUMO gap of fullerene shows an oscillation as a function of its diameter (d). Such oscillation is associated with the symmetry of the fullerene, and the magnitude of oscillation appears to decrease as its size increases.
△ Less
Submitted 22 July, 2008; v1 submitted 21 July, 2008;
originally announced July 2008.
-
Adsorption of Oxygen Molecules on Individual Carbon Single-walled Nanotubes
Authors:
A. Tchernatinsky,
B. Nagabhirava,
S. Desai,
G. Sumanasekera,
B. Alphenaar,
C. S. Jayanthi,
S. Y. Wu
Abstract:
Our study of the adsorption of oxygen molecules on individual semiconductiong single-walled carbon nanotubes at ambient conditions reveals that the adsorption is physisorption, that the resistance without O2 increases by ~two orders of magnitude as compared to that with O2, and that the sensitive response is due to the pinning of the Fermi level near the top of the valence band of the tube resul…
▽ More
Our study of the adsorption of oxygen molecules on individual semiconductiong single-walled carbon nanotubes at ambient conditions reveals that the adsorption is physisorption, that the resistance without O2 increases by ~two orders of magnitude as compared to that with O2, and that the sensitive response is due to the pinning of the Fermi level near the top of the valence band of the tube resulting from impurity states of O2 appearing above the valence band.
△ Less
Submitted 1 February, 2005;
originally announced February 2005.
-
Self-Consistent and Environment-Dependent Hamiltonians for Materials Simulations : case Studies on Silicon Structures
Authors:
C. Leahy,
M. Yu,
C. S. Jayanthi,
S. Y. Wu
Abstract:
A reliable semi-empirical Hamiltonian for materials simulations must allow electron screening and charge redistribution effects. Using the framework of linear combination of atomic orbitals (LCAO), a self-consistent and environment-dependent (SCED) Hamiltonian has been constructed for quantum mechanics based simulations of materials. This Hamiltonian contains environment-dependent multi-center i…
▽ More
A reliable semi-empirical Hamiltonian for materials simulations must allow electron screening and charge redistribution effects. Using the framework of linear combination of atomic orbitals (LCAO), a self-consistent and environment-dependent (SCED) Hamiltonian has been constructed for quantum mechanics based simulations of materials. This Hamiltonian contains environment-dependent multi-center interaction terms and electron-electron correlation terms that allow electron screening and charge-redistribution effects. As a case study, we have developed the SCED/LCAO Hamiltonian for silicon. The robustness of this Hamiltonian is demonstrated by scrutinizing a variety of different structures of silicon. In particular, we have studied the following: (i) the bulk phase diagrams of silicon, (ii) the structure of an intermediate-size Si71 cluster, (iii) the reconstruction of Si(100) surface, and (iv) the energy landscape for a silicon monomer adsorbed on the reconstructed Si(111)-7x7 surface. The success of the silicon SCED/LCAO Hamiltonian in the above applications, where silicon exists in a variety of different co-ordinations, is a testament to the predictive power of the scheme.
△ Less
Submitted 21 February, 2004;
originally announced February 2004.
-
Enhanced Radiative Transition in Si_nGe_m Nanoclusters
Authors:
Ming Yu,
C. S. Jayanthi,
David A. Drabold,
S. Y. Wu
Abstract:
Using an ab-initio molecular dynamics scheme (the Fireball scheme), we determined the equilibrium structure of intermediate size Si_nGe_m (n+m=71) nanoclusters with/without hydrogen passivation on the surface. Due to the strong surface distortion, defect states are found to permeate the energy gap of Si_nGe_m clusters. However, the defect states are removed by adding H atoms on the surface of Si…
▽ More
Using an ab-initio molecular dynamics scheme (the Fireball scheme), we determined the equilibrium structure of intermediate size Si_nGe_m (n+m=71) nanoclusters with/without hydrogen passivation on the surface. Due to the strong surface distortion, defect states are found to permeate the energy gap of Si_nGe_m clusters. However, the defect states are removed by adding H atoms on the surface of Si_nGe_m clusters, and the gap opens up to a few eV, indicating a blueshift for photoluminescence. It is also found that the radiative transition between the highest occupied molecular orbital (HOMO) and the lowest unoccupied molecular orbital (LUMO) states is enhanced by one to two orders of magnitude for Si_nGe_m nanoclusters with respect to the corresponding pure Si clusters. This significant increase of the emission probability is attributed to the strong overlap of HOMO and LUMO wavefunctions that are centered mostly on the Ge atoms.
△ Less
Submitted 1 April, 2003;
originally announced April 2003.
-
Linking Vibrational Dynamics to Local Electronic Structure: Local Analysis of Dynamics of the relaxed Si$_{87}$ Cluster
Authors:
Lei Liu,
C. S. Jayanthi,
Shi-Yu Wu
Abstract:
A flexible scheme for decomposing the vibrational density of states in terms of pair vibrational density of states is presented. This scheme provides the linkage between the site vibrational density of states and pair vibrational density of states so that vibrational modes, in particular localized modes, can be conveniently examined in terms of the correlation between the vibration at a given si…
▽ More
A flexible scheme for decomposing the vibrational density of states in terms of pair vibrational density of states is presented. This scheme provides the linkage between the site vibrational density of states and pair vibrational density of states so that vibrational modes, in particular localized modes, can be conveniently examined in terms of the correlation between the vibration at a given site and those at its neighboring sites. Furthermore, within the framework of a total energy vibrational spectrum study, this scheme allows the analysis of vibrational modes in terms of their electronic origin. A case study of the vibrational dynamics of the relaxed Si$_{87}$ cluster is carried out to demonstrate the flexibility of the scheme in analyzing the properties of vibrational modes, particularly for complex systems with reduced or no symmetry.
△ Less
Submitted 20 March, 2003;
originally announced March 2003.
-
Dynamics of the 7 x 7 DAS-reconstructed Silicon (111) Surface
Authors:
Lei Liu,
C. S. Jayanthi,
Shi-Yu Wu
Abstract:
We studied the dynamics of the reconstructed Si (111) surface using a total-energy-vibrational-spectrum approach based on a non-orthogonal tight-binding Hamiltonian. We first established the size of the supercell sufficient to yield a reliable determination of surface parameters by the structural optimization. The site density of vibrational states (SDOS) for the semi-infinite system (the optimi…
▽ More
We studied the dynamics of the reconstructed Si (111) surface using a total-energy-vibrational-spectrum approach based on a non-orthogonal tight-binding Hamiltonian. We first established the size of the supercell sufficient to yield a reliable determination of surface parameters by the structural optimization. The site density of vibrational states (SDOS) for the semi-infinite system (the optimized slab on top of the bulk) was then calculated using the method of real space Green's function. A decomposition scheme for the SDOS that identifies directly coupled vibrations for a given mode was also proposed. Our study has uncovered and elucidated, for the first time, all the important surface dynamical features associated with the dimers, adatoms, stacking faults, and rest atoms.
△ Less
Submitted 20 March, 2003;
originally announced March 2003.
-
Strain Relaxation Mechanisms and Local Structural Changes in Si_{1-x}$Ge_{x} Alloys
Authors:
Ming Yu,
C. S. Jayanthi,
David A. Drabold,
S. Y. Wu
Abstract:
In this work, we address issues pertinent to the understanding of the structural and electronic properties of Si_{1-x} Ge_{x}alloys, namely, (i) how does the lattice constant mismatch between bulk Si and bulk Ge manifests itself in the alloy system? and (ii) what are the relevant strain release mechanisms? To provide answers to these questions, we have carried out an in-depth study of the change…
▽ More
In this work, we address issues pertinent to the understanding of the structural and electronic properties of Si_{1-x} Ge_{x}alloys, namely, (i) how does the lattice constant mismatch between bulk Si and bulk Ge manifests itself in the alloy system? and (ii) what are the relevant strain release mechanisms? To provide answers to these questions, we have carried out an in-depth study of the changes in the local geometric and electronic structures arising from the strain relaxation in Si_{1-x} Ge_{x} alloys using an ab initio molecular dynamics scheme. The optimized lattice constant, while exhibiting a general trend of linear dependence on the composition (Vegard's law), shows a negative deviation from Vegard's law in the vicinity of x=0.5. We delineate the mechanisms responsible for each one of the above features. We show that the radial-strain relaxation through bond stretching is responsible for the overall trend of linear dependence of the lattice constant on the composition. On the other hand, the negative deviation from Vegard's law is shown to arise from the angular-strain relaxation.
△ Less
Submitted 13 December, 2000;
originally announced December 2000.
-
Structural and Electronic Properties of a Carbon Nanotorus: Effects of Delocalized Vs Localized Deformations
Authors:
Lei Liu,
C. S. Jayanthi,
S. Y. Wu
Abstract:
The bending of a carbon nanotube is studied by considering the structural evolution of a carbon nanotorus from elastic deformation to the onset of the kinks and eventually to the collapse of the walls of the nanotorus. The changes in the electronic properties due to {\it non-local} deformation are contrasted with those due to {\it local} deformation to bring out the subtle issue underlying the r…
▽ More
The bending of a carbon nanotube is studied by considering the structural evolution of a carbon nanotorus from elastic deformation to the onset of the kinks and eventually to the collapse of the walls of the nanotorus. The changes in the electronic properties due to {\it non-local} deformation are contrasted with those due to {\it local} deformation to bring out the subtle issue underlying the reason why there is only a relatively small reduction in the electrical conductance in the former case even at large bending angles while there is a dramatic reduction in the conductance in the latter case at relatively small bending angles.
△ Less
Submitted 12 December, 2000;
originally announced December 2000.
-
Factors Responsible for the Stability and the Existence of a Clean Energy Gap of a Silicon Nanocluster
Authors:
Lei Liu,
C. S. Jayanthi,
S. Y. Wu
Abstract:
We present a critical theoretical study of electronic properties of silicon nanoclusters, in particular the roles played by symmetry, relaxation, and hydrogen passivation on the the stability, the gap states and the energy gap of the system using the order-N [O(N)] non-orthogonal tight-binding molecular dynamics and the local analysis of electronic structure.
We present a critical theoretical study of electronic properties of silicon nanoclusters, in particular the roles played by symmetry, relaxation, and hydrogen passivation on the the stability, the gap states and the energy gap of the system using the order-N [O(N)] non-orthogonal tight-binding molecular dynamics and the local analysis of electronic structure.
△ Less
Submitted 12 December, 2000;
originally announced December 2000.
-
Broken Symmetry, Boundary Conditions, and Band Gap Oscillations in Finite Single Wall Nanotubes
Authors:
Lei Liu,
C. S. Jayanthi,
H. Guo,
S. Y. Wu
Abstract:
We have shown how the interplay between the broken symmetry associated with the finite single-wall nanotubes (SWNT) and the boundary conditions affects the electronic properties of SWNTs in a profound way. For finite SWNTs (p,q) characterized by p=k+l,q=k-l,p-q=2l,l=0,1...,k, and k=1,2..., we found that the band gaps of finite SWNTs belonging to a certain k exhibit similar well-defined oscillati…
▽ More
We have shown how the interplay between the broken symmetry associated with the finite single-wall nanotubes (SWNT) and the boundary conditions affects the electronic properties of SWNTs in a profound way. For finite SWNTs (p,q) characterized by p=k+l,q=k-l,p-q=2l,l=0,1...,k, and k=1,2..., we found that the band gaps of finite SWNTs belonging to a certain k exhibit similar well-defined oscillating patterns but with diminishing amplitudes from the armchair (l=0) to the zigzag (l=k) SWNTs. These profound changes hold intiguing implications in the potential utilization of these finite NTs as the basic component of molecular scale devices.
△ Less
Submitted 7 June, 2000;
originally announced June 2000.
-
DOF phase separation of the Lennard-Jones fcc(111) surface
Authors:
C. S. Jayanthi,
Franck Celestini,
Furio Ercolessi,
Erio Tosatti
Abstract:
Recent lattice model calculations have suggested that a full-layered crystal surface may undergo, under canonical (particle-conserving) conditions, a preroughening-driven two-dimensional phase separation into two disordered flat (DOF) regions, of opposite order parameter. We have carried out extensive classical molecular dynamics (MD) simulations of the Lennard-Jones fcc(111) surface, to check w…
▽ More
Recent lattice model calculations have suggested that a full-layered crystal surface may undergo, under canonical (particle-conserving) conditions, a preroughening-driven two-dimensional phase separation into two disordered flat (DOF) regions, of opposite order parameter. We have carried out extensive classical molecular dynamics (MD) simulations of the Lennard-Jones fcc(111) surface, to check whether these predictions are relevant or not for a realistic continuous system. Very long simulation times, a grid of temperatures from (2/3)Tm to Tm, and unusually large system sizes are employed to ensure full equilibrium and good statistics. By examining layer-by-layer occupancies, height fluctuations, sublattice order parameter and X-ray structure factors, we find a clear anomaly at ~0.83Tm. The anomaly is distinct from roughening (whose incipiency is also detected at ~0.94Tm), and is seen to be consistent with the preroughening plus phase separation scenario.
△ Less
Submitted 18 April, 2000; v1 submitted 26 May, 1999;
originally announced May 1999.