-
Level set-based multiscale topology optimization for a thermal cloak design problem using the homogenization method
Authors:
Makoto Nakagawa,
Yuki Noguchi,
Kei Matsushima,
Takayuki Yamada
Abstract:
Artificially designed composite materials consist of microstructures, that exhibit various thermal properties depending on their shapes, such as anisotropic thermal conductivity. One of the representative applications of such composite materials for thermal control is the thermal cloak. This study proposed a topology optimization method based on a level set method for a heat conduction problem to…
▽ More
Artificially designed composite materials consist of microstructures, that exhibit various thermal properties depending on their shapes, such as anisotropic thermal conductivity. One of the representative applications of such composite materials for thermal control is the thermal cloak. This study proposed a topology optimization method based on a level set method for a heat conduction problem to optimally design composite materials that achieve a thermal cloak. The homogenization method was introduced to evaluate its effective thermal conductivity coefficient. Then, we formulated a multiscale topology optimization method for the composite materials in the framework of the homogenization method, where the microstructures were optimized to minimize objective functions defined using the macroscopic temperature field. We presented examples of optimal structures in a two-dimensional problem and discussed the validity of the obtained structures.
△ Less
Submitted 23 February, 2023; v1 submitted 19 February, 2023;
originally announced February 2023.
-
Handwriting recognition and automatic scoring for descriptive answers in Japanese language tests
Authors:
Hung Tuan Nguyen,
Cuong Tuan Nguyen,
Haruki Oka,
Tsunenori Ishioka,
Masaki Nakagawa
Abstract:
This paper presents an experiment of automatically scoring handwritten descriptive answers in the trial tests for the new Japanese university entrance examination, which were made for about 120,000 examinees in 2017 and 2018. There are about 400,000 answers with more than 20 million characters. Although all answers have been scored by human examiners, handwritten characters are not labeled. We pre…
▽ More
This paper presents an experiment of automatically scoring handwritten descriptive answers in the trial tests for the new Japanese university entrance examination, which were made for about 120,000 examinees in 2017 and 2018. There are about 400,000 answers with more than 20 million characters. Although all answers have been scored by human examiners, handwritten characters are not labeled. We present our attempt to adapt deep neural network-based handwriting recognizers trained on a labeled handwriting dataset into this unlabeled answer set. Our proposed method combines different training strategies, ensembles multiple recognizers, and uses a language model built from a large general corpus to avoid overfitting into specific data. In our experiment, the proposed method records character accuracy of over 97% using about 2,000 verified labeled answers that account for less than 0.5% of the dataset. Then, the recognized answers are fed into a pre-trained automatic scoring system based on the BERT model without correcting misrecognized characters and providing rubric annotations. The automatic scoring system achieves from 0.84 to 0.98 of Quadratic Weighted Kappa (QWK). As QWK is over 0.8, it represents an acceptable similarity of scoring between the automatic scoring system and the human examiners. These results are promising for further research on end-to-end automatic scoring of descriptive answers.
△ Less
Submitted 30 November, 2023; v1 submitted 10 January, 2022;
originally announced January 2022.
-
A Transformer-based Math Language Model for Handwritten Math Expression Recognition
Authors:
Huy Quang Ung,
Cuong Tuan Nguyen,
Hung Tuan Nguyen,
Thanh-Nghia Truong,
Masaki Nakagawa
Abstract:
Handwritten mathematical expressions (HMEs) contain ambiguities in their interpretations, even for humans sometimes. Several math symbols are very similar in the writing style, such as dot and comma or 0, O, and o, which is a challenge for HME recognition systems to handle without using contextual information. To address this problem, this paper presents a Transformer-based Math Language Model (TM…
▽ More
Handwritten mathematical expressions (HMEs) contain ambiguities in their interpretations, even for humans sometimes. Several math symbols are very similar in the writing style, such as dot and comma or 0, O, and o, which is a challenge for HME recognition systems to handle without using contextual information. To address this problem, this paper presents a Transformer-based Math Language Model (TMLM). Based on the self-attention mechanism, the high-level representation of an input token in a sequence of tokens is computed by how it is related to the previous tokens. Thus, TMLM can capture long dependencies and correlations among symbols and relations in a mathematical expression (ME). We trained the proposed language model using a corpus of approximately 70,000 LaTeX sequences provided in CROHME 2016. TMLM achieved the perplexity of 4.42, which outperformed the previous math language models, i.e., the N-gram and recurrent neural network-based language models. In addition, we combine TMLM into a stochastic context-free grammar-based HME recognition system using a weighting parameter to re-rank the top-10 best candidates. The expression rates on the testing sets of CROHME 2016 and CROHME 2019 were improved by 2.97 and 0.83 percentage points, respectively.
△ Less
Submitted 10 August, 2021;
originally announced August 2021.
-
Recurrent neural network transducer for Japanese and Chinese offline handwritten text recognition
Authors:
Trung Tan Ngo,
Hung Tuan Nguyen,
Nam Tuan Ly,
Masaki Nakagawa
Abstract:
In this paper, we propose an RNN-Transducer model for recognizing Japanese and Chinese offline handwritten text line images. As far as we know, it is the first approach that adopts the RNN-Transducer model for offline handwritten text recognition. The proposed model consists of three main components: a visual feature encoder that extracts visual features from an input image by CNN and then encodes…
▽ More
In this paper, we propose an RNN-Transducer model for recognizing Japanese and Chinese offline handwritten text line images. As far as we know, it is the first approach that adopts the RNN-Transducer model for offline handwritten text recognition. The proposed model consists of three main components: a visual feature encoder that extracts visual features from an input image by CNN and then encodes the visual features by BLSTM; a linguistic context encoder that extracts and encodes linguistic features from the input image by embedded layers and LSTM; and a joint decoder that combines and then decodes the visual features and the linguistic features into the final label sequence by fully connected and softmax layers. The proposed model takes advantage of both visual and linguistic information from the input image. In the experiments, we evaluated the performance of the proposed model on the two datasets: Kuzushiji and SCUT-EPT. Experimental results show that the proposed model achieves state-of-the-art performance on all datasets.
△ Less
Submitted 28 June, 2021;
originally announced June 2021.
-
GSSF: A Generative Sequence Similarity Function based on a Seq2Seq model for clustering online handwritten mathematical answers
Authors:
Huy Quang Ung,
Cuong Tuan Nguyen,
Hung Tuan Nguyen,
Masaki Nakagawa
Abstract:
Toward a computer-assisted marking for descriptive math questions,this paper presents clustering of online handwritten mathematical expressions (OnHMEs) to help human markers to mark them efficiently and reliably. We propose a generative sequence similarity function for computing a similarity score of two OnHMEs based on a sequence-to-sequence OnHME recognizer. Each OnHME is represented by a simil…
▽ More
Toward a computer-assisted marking for descriptive math questions,this paper presents clustering of online handwritten mathematical expressions (OnHMEs) to help human markers to mark them efficiently and reliably. We propose a generative sequence similarity function for computing a similarity score of two OnHMEs based on a sequence-to-sequence OnHME recognizer. Each OnHME is represented by a similarity-based representation (SbR) vector. The SbR matrix is inputted to the k-means algorithm for clustering OnHMEs. Experiments are conducted on an answer dataset (Dset_Mix) of 200 OnHMEs mixed of real patterns and synthesized patterns for each of 10 questions and a real online handwritten mathematical answer dataset of 122 student answers at most for each of 15 questions (NIER_CBT). The best clustering results achieved around 0.916 and 0.915 for purity, and around 0.556 and 0.702 for the marking cost on Dset_Mix and NIER_CBT, respectively. Our method currently outperforms the previous methods for clustering HMEs.
△ Less
Submitted 21 May, 2021;
originally announced May 2021.
-
Global Context for improving recognition of Online Handwritten Mathematical Expressions
Authors:
Cuong Tuan Nguyen,
Thanh-Nghia Truong,
Hung Tuan Nguyen,
Masaki Nakagawa
Abstract:
This paper presents a temporal classification method for all three subtasks of symbol segmentation, symbol recognition and relation classification in online handwritten mathematical expressions (HMEs). The classification model is trained by multiple paths of symbols and spatial relations derived from the Symbol Relation Tree (SRT) representation of HMEs. The method benefits from global context of…
▽ More
This paper presents a temporal classification method for all three subtasks of symbol segmentation, symbol recognition and relation classification in online handwritten mathematical expressions (HMEs). The classification model is trained by multiple paths of symbols and spatial relations derived from the Symbol Relation Tree (SRT) representation of HMEs. The method benefits from global context of a deep bidirectional Long Short-term Memory network, which learns the temporal classification directly from online handwriting by the Connectionist Temporal Classification loss. To recognize an online HME, a symbol-level parse tree with Context-Free Grammar is constructed, where symbols and spatial relations are obtained from the temporal classification results. We show the effectiveness of the proposed method on the two latest CROHME datasets.
△ Less
Submitted 21 May, 2021;
originally announced May 2021.
-
Learning symbol relation tree for online mathematical expression recognition
Authors:
Thanh-Nghia Truong,
Hung Tuan Nguyen,
Cuong Tuan Nguyen,
Masaki Nakagawa
Abstract:
This paper proposes a method for recognizing online handwritten mathematical expressions (OnHME) by building a symbol relation tree (SRT) directly from a sequence of strokes. A bidirectional recurrent neural network learns from multiple derived paths of SRT to predict both symbols and spatial relations between symbols using global context. The recognition system has two parts: a temporal classifie…
▽ More
This paper proposes a method for recognizing online handwritten mathematical expressions (OnHME) by building a symbol relation tree (SRT) directly from a sequence of strokes. A bidirectional recurrent neural network learns from multiple derived paths of SRT to predict both symbols and spatial relations between symbols using global context. The recognition system has two parts: a temporal classifier and a tree connector. The temporal classifier produces an SRT by recognizing an OnHME pattern. The tree connector splits the SRT into several sub-SRTs. The final SRT is formed by looking up the best combination among those sub-SRTs. Besides, we adopt a tree sorting method to deal with various stroke orders. Recognition experiments indicate that the proposed OnHME recognition system is competitive to other methods. The recognition system achieves 44.12% and 41.76% expression recognition rates on the Competition on Recognition of Online Handwritten Mathematical Expressions (CROHME) 2014 and 2016 testing sets.
△ Less
Submitted 13 May, 2021;
originally announced May 2021.
-
Text-independent writer identification using convolutional neural network
Authors:
Hung Tuan Nguyen,
Cuong Tuan Nguyen,
Takeya Ino,
Bipin Indurkhya,
Masaki Nakagawa
Abstract:
The text-independent approach to writer identification does not require the writer to write some predetermined text. Previous research on text-independent writer identification has been based on identifying writer-specific features designed by experts. However, in the last decade, deep learning methods have been successfully applied to learn features from data automatically. We propose here an end…
▽ More
The text-independent approach to writer identification does not require the writer to write some predetermined text. Previous research on text-independent writer identification has been based on identifying writer-specific features designed by experts. However, in the last decade, deep learning methods have been successfully applied to learn features from data automatically. We propose here an end-to-end deep-learning method for text-independent writer identification that does not require prior identification of features. A Convolutional Neural Network (CNN) is trained initially to extract local features, which represent characteristics of individual handwriting in the whole character images and their sub-regions. Randomly sampled tuples of images from the training set are used to train the CNN and aggregate the extracted local features of images from the tuples to form global features. For every training epoch, the process of randomly sampling tuples is repeated, which is equivalent to a large number of training patterns being prepared for training the CNN for text-independent writer identification. We conducted experiments on the JEITA-HP database of offline handwritten Japanese character patterns. With 200 characters, our method achieved an accuracy of 99.97% to classify 100 writers. Even when using 50 characters for 100 writers or 100 characters for 400 writers, our method achieved accuracy levels of 92.80% or 93.82%, respectively. We conducted further experiments on the Firemaker and IAM databases of offline handwritten English text. Using only one page per writer to train, our method achieved over 91.81% accuracy to classify 900 writers. Overall, we achieved a better performance than the previously published best result based on handcrafted features and clustering algorithms, which demonstrates the effectiveness of our method for handwritten English text also.
△ Less
Submitted 10 September, 2020;
originally announced September 2020.
-
Online trajectory recovery from offline handwritten Japanese kanji characters
Authors:
Hung Tuan Nguyen,
Tsubasa Nakamura,
Cuong Tuan Nguyen,
Masaki Nakagawa
Abstract:
In general, it is straightforward to render an offline handwriting image from an online handwriting pattern. However, it is challenging to reconstruct an online handwriting pattern given an offline handwriting image, especially for multiple-stroke character as Japanese kanji. The multiple-stroke character requires not only point coordinates but also stroke orders whose difficulty is exponential gr…
▽ More
In general, it is straightforward to render an offline handwriting image from an online handwriting pattern. However, it is challenging to reconstruct an online handwriting pattern given an offline handwriting image, especially for multiple-stroke character as Japanese kanji. The multiple-stroke character requires not only point coordinates but also stroke orders whose difficulty is exponential growth by the number of strokes. Besides, several crossed and touch points might increase the difficulty of the recovered task. We propose a deep neural network-based method to solve the recovered task using a large online handwriting database. Our proposed model has two main components: Convolutional Neural Network-based encoder and Long Short-Term Memory Network-based decoder with an attention layer. The encoder focuses on feature extraction while the decoder refers to the extracted features and generates the time-sequences of coordinates. We also demonstrate the effect of the attention layer to guide the decoder during the reconstruction. We evaluate the performance of the proposed method by both visual verification and handwritten character recognition. Although the visual verification reveals some problems, the recognition experiments demonstrate the effect of trajectory recovery in improving the accuracy of offline handwritten character recognition when online recognition for the recovered trajectories are combined.
△ Less
Submitted 9 September, 2020;
originally announced September 2020.
-
End to End Recognition System for Recognizing Offline Unconstrained Vietnamese Handwriting
Authors:
Anh Duc Le,
Hung Tuan Nguyen,
Masaki Nakagawa
Abstract:
Inspired by recent successes in neural machine translation and image caption generation, we present an attention based encoder decoder model (AED) to recognize Vietnamese Handwritten Text. The model composes of two parts: a DenseNet for extracting invariant features, and a Long Short-Term Memory network (LSTM) with an attention model incorporated for generating output text (LSTM decoder), which ar…
▽ More
Inspired by recent successes in neural machine translation and image caption generation, we present an attention based encoder decoder model (AED) to recognize Vietnamese Handwritten Text. The model composes of two parts: a DenseNet for extracting invariant features, and a Long Short-Term Memory network (LSTM) with an attention model incorporated for generating output text (LSTM decoder), which are connected from the CNN part to the attention model. The input of the CNN part is a handwritten text image and the target of the LSTM decoder is the corresponding text of the input image. Our model is trained end-to-end to predict the text from a given input image since all the parts are differential components. In the experiment section, we evaluate our proposed AED model on the VNOnDB-Word and VNOnDB-Line datasets to verify its efficiency. The experiential results show that our model achieves 12.30% of word error rate without using any language model. This result is competitive with the handwriting recognition system provided by Google in the Vietnamese Online Handwritten Text Recognition competition.
△ Less
Submitted 13 May, 2019;
originally announced May 2019.
-
Pattern Generation Strategies for Improving Recognition of Handwritten Mathematical Expressions
Authors:
Anh Duc Le,
Bipin Indurkhya,
Masaki Nakagawa
Abstract:
Recognition of Handwritten Mathematical Expressions (HMEs) is a challenging problem because of the ambiguity and complexity of two-dimensional handwriting. Moreover, the lack of large training data is a serious issue, especially for academic recognition systems. In this paper, we propose pattern generation strategies that generate shape and structural variations to improve the performance of recog…
▽ More
Recognition of Handwritten Mathematical Expressions (HMEs) is a challenging problem because of the ambiguity and complexity of two-dimensional handwriting. Moreover, the lack of large training data is a serious issue, especially for academic recognition systems. In this paper, we propose pattern generation strategies that generate shape and structural variations to improve the performance of recognition systems based on a small training set. For data generation, we employ the public databases: CROHME 2014 and 2016 of online HMEs. The first strategy employs local and global distortions to generate shape variations. The second strategy decomposes an online HME into sub-online HMEs to get more structural variations. The hybrid strategy combines both these strategies to maximize shape and structural variations. The generated online HMEs are converted to images for offline HME recognition. We tested our strategies in an end-to-end recognition system constructed from a recent deep learning model: Convolutional Neural Network and attention-based encoder-decoder. The results of experiments on the CROHME 2014 and 2016 databases demonstrate the superiority and effectiveness of our strategies: our hybrid strategy achieved classification rates of 48.78% and 45.60%, respectively, on these databases. These results are competitive compared to others reported in recent literature. Our generated datasets are openly available for research community and constitute a useful resource for the HME recognition research in future.
△ Less
Submitted 20 January, 2019;
originally announced January 2019.
-
SIMD Vectorization for the Lennard-Jones Potential with AVX2 and AVX-512 instructions
Authors:
Hiroshi Watanabe,
Koh M. Nakagawa
Abstract:
This work describes the SIMD vectorization of the force calculation of the Lennard-Jones potential with Intel AVX2 and AVX-512 instruction sets. Since the force-calculation kernel of the molecular dynamics method involves indirect access to memory, the data layout is one of the most important factors in vectorization. We find that the Array of Structures (AoS) with padding exhibits better performa…
▽ More
This work describes the SIMD vectorization of the force calculation of the Lennard-Jones potential with Intel AVX2 and AVX-512 instruction sets. Since the force-calculation kernel of the molecular dynamics method involves indirect access to memory, the data layout is one of the most important factors in vectorization. We find that the Array of Structures (AoS) with padding exhibits better performance than Structure of Arrays (SoA) with appropriate vectorization and optimizations. In particular, AoS with 512-bit width exhibits the best performance among the architectures. While the difference in performance between AoS and SoA is significant for the vectorization with AVX2, that with AVX-512 is minor. The effect of other optimization techniques, such as software pipelining together with vectorization, is also discussed. We present results for benchmarks on three CPU architectures: Intel Haswell (HSW), Knights Landing (KNL), and Skylake (SKL). The performance gains by vectorization are about 42\% on HSW compared with the code optimized without vectorization. On KNL, the hand-vectorized codes exhibit 34\% better performance than the codes vectorized automatically by the Intel compiler. On SKL, the code vectorized with AVX2 exhibits slightly better performance than that with vectorized AVX-512.
△ Less
Submitted 22 October, 2018; v1 submitted 13 June, 2018;
originally announced June 2018.
-
Coverage characteristics of self-repelling random walks in mobile ad-hoc networks
Authors:
Vinod Kulathumani,
Masahiro Nakagawa,
Anish Arora
Abstract:
A self-repelling random walk of a token on a graph is one in which at each step, the token moves to a neighbor that has been visited least often (with ties broken randomly). The properties of self-repelling random walks have been analyzed for two dimensional lattices and these walks have been shown to exhibit a remarkable uniformity with which they visit nodes in a graph. In this paper, we extend…
▽ More
A self-repelling random walk of a token on a graph is one in which at each step, the token moves to a neighbor that has been visited least often (with ties broken randomly). The properties of self-repelling random walks have been analyzed for two dimensional lattices and these walks have been shown to exhibit a remarkable uniformity with which they visit nodes in a graph. In this paper, we extend this analysis to self-repelling random walks on mobile networks in which the underlying graph itself is temporally evolving. Using network simulations in ns-3, we characterize the number of times each node is visited from the start until all nodes have been visited at least once. We evaluate under different mobility models and on networks ranging from 100 to 1000 nodes. Our results show that until about 85% coverage, duplicate visits are very rare highlighting the efficiency with which a majority of nodes in the network can be visited. Even at 100% coverage, the exploration overhead (the ratio of number of steps to number of unique visited nodes) remains low and under 2. Our analysis shows that self-repelling random walks are effective, structure-free tools for data aggregation in mobile ad-hoc networks.
△ Less
Submitted 23 August, 2017;
originally announced August 2017.
-
EZ-AG: Structure-free data aggregation in MANETs using push-assisted self-repelling random walks
Authors:
Vinod Kulathumani,
Masahiro Nakagawa,
Anish Arora
Abstract:
This paper describes EZ-AG, a structure-free protocol for duplicate insensitive data aggregation in MANETs. The key idea in EZ-AG is to introduce a token that performs a self-repelling random walk in the network and aggregates information from nodes when they are visited for the first time. A self-repelling random walk of a token on a graph is one in which at each step, the token moves to a neighb…
▽ More
This paper describes EZ-AG, a structure-free protocol for duplicate insensitive data aggregation in MANETs. The key idea in EZ-AG is to introduce a token that performs a self-repelling random walk in the network and aggregates information from nodes when they are visited for the first time. A self-repelling random walk of a token on a graph is one in which at each step, the token moves to a neighbor that has been visited least often. While self-repelling random walks visit all nodes in the network much faster than plain random walks, they tend to slow down when most of the nodes are already visited. In this paper, we show that a single step push phase at each node can significantly speed up the aggregation and eliminate this slow down. By doing so, EZ-AG achieves aggregation in only O(N) time and messages. In terms of overhead, EZ-AG outperforms existing structure-free data aggregation by a factor of at least log(N) and achieves the lower bound for aggregation message overhead. We demonstrate the scalability and robustness of EZ-AG using ns-3 simulations in networks ranging from 100 to 4000 nodes under different mobility models and node speeds. We also describe a hierarchical extension for EZ-AG that can produce multi-resolution aggregates at each node using only O(NlogN) messages, which is a poly-logarithmic factor improvement over existing techniques.
△ Less
Submitted 23 August, 2017;
originally announced August 2017.
-
Scheduling Parallel and Distributed Processing for Automotive Data Stream Management System
Authors:
Jaeyong Rho,
Takuya Azumi,
Mayo Nakagawa,
Kenya Sato,
Nobuhiko Nishio
Abstract:
In this paper, to analyze end-to-end timing behavior in heterogeneous processor and network environments accurately, we adopt a heterogeneous selection value on communication contention (HSV_CC) algorithm, which can synchronize tasks and messages simultaneously, for stream processing distribution. In order to adapt HSV_CC to automotive data stream management system (DSMSs), one must address three…
▽ More
In this paper, to analyze end-to-end timing behavior in heterogeneous processor and network environments accurately, we adopt a heterogeneous selection value on communication contention (HSV_CC) algorithm, which can synchronize tasks and messages simultaneously, for stream processing distribution. In order to adapt HSV_CC to automotive data stream management system (DSMSs), one must address three issues: (i) previous task and message schedules might lead to less efficient resource usages; (ii) the conventional method to determine the task scheduling order may not be best suited to deal with stream processing graphs, and; (iii) there is a need to be able to schedule tasks with time-varying computational requirements efficiently. To address (i), we propose the heterogeneous value with load balancing and communication contention (HVLB_CC) (A) algorithm, which considers load balancing in addition to the parameters considered by the HSV_CC algorithm. We propose HVLB_CC (B) to address issue (ii). HVLB_CC (B) can deal with stream processing task graphs and more various directed acyclic graphs to prevent assigning a higher priority to successor tasks. In addition, to address issue (iii), we propose HVLB_CC_IC. To schedule tasks more efficiently with various computation times, HVLB_CC_IC utilizes schedule holes left in processors. These idle time slots can be used for the execution of an optional part to generate more precise data results by applying imprecise computation models. Experimental results demonstrate that the proposed algorithms improve minimum schedule length, accuracy, and load balancing significantly compared to the HSV_CC algorithm. In addition, the proposed HVLB_CC (B) algorithm can schedule more varied task graphs without reducing performance, and, using imprecise computation models, HVLB_CC_IC yields higher precision data than HVLB_CC without imprecise computation models.
△ Less
Submitted 18 June, 2017; v1 submitted 30 April, 2017;
originally announced May 2017.
-
Census: Fast, scalable and robust data aggregation in MANETs
Authors:
Vinod Kulathumani,
Anish Arora,
Kenneth Parker,
Mukundan Sridharan,
Masahiro Nakagawa
Abstract:
This paper describes Census, a protocol for data aggregation and statistical counting in MANETs. Census operates by circulating a set of tokens in the network using biased random walks such that each node is visited by at least one token. The protocol is structure-free so as to avoid high messaging overhead for maintaining structure in the presence of node mobility. It biases the random walks of t…
▽ More
This paper describes Census, a protocol for data aggregation and statistical counting in MANETs. Census operates by circulating a set of tokens in the network using biased random walks such that each node is visited by at least one token. The protocol is structure-free so as to avoid high messaging overhead for maintaining structure in the presence of node mobility. It biases the random walks of tokens so as to achieve fast cover time; the bias involves short albeit multi-hop gradients that guide the tokens towards hitherto unvisited nodes. Census thus achieves a cover time of O(N/k) and message overhead of O(Nlog(N)/k) where N is the number of nodes and k the number of tokens in the network. Notably, it enjoys scalability and robustness, which we demonstrate via simulations in networks ranging from 100 to 4000 nodes under different network densities and mobility models.
△ Less
Submitted 21 September, 2015; v1 submitted 25 September, 2014;
originally announced September 2014.